diff --git a/.gitignore b/.gitignore index 53ed5db5..db07d374 100644 --- a/.gitignore +++ b/.gitignore @@ -1,3 +1,6 @@ +/.idea +/playground.py + # Byte-compiled / optimized / DLL files __pycache__/ *.py[cod] diff --git a/Image Classifier Project.html b/Image Classifier Project.html new file mode 100644 index 00000000..9234aae8 --- /dev/null +++ b/Image Classifier Project.html @@ -0,0 +1,8782 @@ + + + + + +Image Classifier Project + + + + + + + + + + + + +
+
+ +
+ +
+
+ +
+ +
+ +
+
+ +
+ +
+
+ +
+ +
+ +
+ +
+ +
+ +
+ + +
+
+ +
+ + +
+
+ +
+ +
+
+ +
+ + +
+
+ +
+ +
+
+ +
+ +
+ + +
+
+ +
+ +
+
+ +
+ +
+ + +
+
+ + diff --git a/Image Classifier Project.ipynb b/Image Classifier Project.ipynb index 0e9e323e..ba829cba 100644 --- a/Image Classifier Project.ipynb +++ b/Image Classifier Project.ipynb @@ -27,11 +27,23 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 1, "metadata": {}, "outputs": [], "source": [ - "# Imports here" + "# Imports here\n", + "import matplotlib.pyplot as plt\n", + "\n", + "from PIL import Image, ImageFile\n", + "\n", + "import numpy as np\n", + "\n", + "import os\n", + "import torch\n", + "from torch import nn\n", + "from torch import optim\n", + "import torch.nn.functional as F\n", + "from torchvision import datasets, transforms, models" ] }, { @@ -50,7 +62,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -62,18 +74,43 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ - "# TODO: Define your transforms for the training, validation, and testing sets\n", - "data_transforms = \n", + "# Define transforms for the training, validation, and testing sets\n", + "train_transforms = transforms.Compose([transforms.RandomRotation(30),\n", + " transforms.RandomResizedCrop(224),\n", + " transforms.RandomHorizontalFlip(),\n", + " transforms.ToTensor(),\n", + " transforms.Normalize([0.485, 0.456, 0.406],\n", + " [0.229, 0.224, 0.225])])\n", + "test_transforms = transforms.Compose([transforms.Resize(255),\n", + " transforms.CenterCrop(224),\n", + " transforms.ToTensor(),\n", + " transforms.Normalize([0.485, 0.456, 0.406],\n", + " [0.229, 0.224, 0.225])])\n", "\n", - "# TODO: Load the datasets with ImageFolder\n", - "image_datasets = \n", + "validation_transforms = transforms.Compose([transforms.RandomRotation(30),\n", + " transforms.RandomResizedCrop(224),\n", + " transforms.RandomHorizontalFlip(),\n", + " transforms.ToTensor(),\n", + " transforms.Normalize([0.485, 0.456, 0.406],\n", + " [0.229, 0.224, 0.225])])\n", "\n", - "# TODO: Using the image datasets and the trainforms, define the dataloaders\n", - "dataloaders = " + "# Load the datasets with ImageFolder\n", + "image_datasets = {\n", + " 'train': datasets.ImageFolder(train_dir, transform=train_transforms),\n", + " 'test': datasets.ImageFolder(test_dir, transform=test_transforms),\n", + " 'validation': datasets.ImageFolder(valid_dir, transform=validation_transforms)\n", + "}\n", + "\n", + "# Using the image datasets and the trainforms, define the dataloaders\n", + "dataloaders = {\n", + " 'train': torch.utils.data.DataLoader(image_datasets['train'], batch_size=64, shuffle=True),\n", + " 'test': torch.utils.data.DataLoader(image_datasets['test'], batch_size=64),\n", + " 'validation': torch.utils.data.DataLoader(image_datasets['validation'], batch_size=64, shuffle=True)\n", + "}" ] }, { @@ -87,7 +124,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -124,13 +161,163 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ "# TODO: Build and train your network" ] }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "# Use GPU if it's available\n", + "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "model = models.densenet121(weights=models.DenseNet121_Weights.DEFAULT)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "# Freeze parameters so we don't backprop through them\n", + "for param in model.parameters():\n", + " param.requires_grad = False" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "# Defining the feed forward classifier\n", + "model.classifier = nn.Sequential(nn.Linear(1024, 256),\n", + " nn.ReLU(),\n", + " nn.Dropout(0.2),\n", + " nn.Linear(256, len(cat_to_name)),\n", + " nn.LogSoftmax(dim=1))\n", + "criterion = nn.NLLLoss()\n", + "\n", + "# Only train the classifier parameters, feature parameters are frozen\n", + "optimizer = optim.Adam(model.classifier.parameters(), lr=0.003)\n", + "\n", + "model.to(device);" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/2.. Train loss: 4.654.. Test loss: 4.540.. Test accuracy: 0.091\n", + "Epoch 1/2.. Train loss: 4.391.. Test loss: 4.351.. Test accuracy: 0.102\n", + "Epoch 1/2.. Train loss: 4.306.. Test loss: 4.136.. Test accuracy: 0.158\n", + "Epoch 1/2.. Train loss: 4.034.. Test loss: 3.955.. Test accuracy: 0.169\n", + "Epoch 1/2.. Train loss: 4.021.. Test loss: 3.743.. Test accuracy: 0.236\n", + "Epoch 1/2.. Train loss: 3.845.. Test loss: 3.512.. Test accuracy: 0.282\n", + "Epoch 1/2.. Train loss: 3.695.. Test loss: 3.281.. Test accuracy: 0.301\n", + "Epoch 1/2.. Train loss: 3.348.. Test loss: 3.020.. Test accuracy: 0.334\n", + "Epoch 1/2.. Train loss: 3.104.. Test loss: 2.803.. Test accuracy: 0.368\n", + "Epoch 1/2.. Train loss: 3.020.. Test loss: 2.552.. Test accuracy: 0.413\n", + "Epoch 1/2.. Train loss: 2.783.. Test loss: 2.333.. Test accuracy: 0.505\n", + "Epoch 1/2.. Train loss: 2.664.. Test loss: 2.209.. Test accuracy: 0.481\n", + "Epoch 1/2.. Train loss: 2.581.. Test loss: 2.035.. Test accuracy: 0.557\n", + "Epoch 1/2.. Train loss: 2.395.. Test loss: 1.906.. Test accuracy: 0.548\n", + "Epoch 1/2.. Train loss: 2.170.. Test loss: 1.790.. Test accuracy: 0.528\n", + "Epoch 1/2.. Train loss: 2.057.. Test loss: 1.565.. Test accuracy: 0.676\n", + "Epoch 1/2.. Train loss: 2.021.. Test loss: 1.559.. Test accuracy: 0.617\n", + "Epoch 1/2.. Train loss: 1.883.. Test loss: 1.428.. Test accuracy: 0.673\n", + "Epoch 1/2.. Train loss: 1.824.. Test loss: 1.271.. Test accuracy: 0.700\n", + "Epoch 1/2.. Train loss: 1.829.. Test loss: 1.216.. Test accuracy: 0.723\n", + "Epoch 2/2.. Train loss: 1.729.. Test loss: 1.197.. Test accuracy: 0.709\n", + "Epoch 2/2.. Train loss: 1.530.. Test loss: 1.100.. Test accuracy: 0.729\n", + "Epoch 2/2.. Train loss: 1.515.. Test loss: 1.167.. Test accuracy: 0.676\n", + "Epoch 2/2.. Train loss: 1.643.. Test loss: 1.107.. Test accuracy: 0.707\n", + "Epoch 2/2.. Train loss: 1.435.. Test loss: 1.006.. Test accuracy: 0.733\n", + "Epoch 2/2.. Train loss: 1.499.. Test loss: 1.043.. Test accuracy: 0.748\n", + "Epoch 2/2.. Train loss: 1.367.. Test loss: 0.929.. Test accuracy: 0.775\n", + "Epoch 2/2.. Train loss: 1.349.. Test loss: 0.908.. Test accuracy: 0.769\n", + "Epoch 2/2.. Train loss: 1.272.. Test loss: 0.924.. Test accuracy: 0.764\n", + "Epoch 2/2.. Train loss: 1.311.. Test loss: 0.892.. Test accuracy: 0.764\n", + "Epoch 2/2.. Train loss: 1.451.. Test loss: 0.866.. Test accuracy: 0.787\n", + "Epoch 2/2.. Train loss: 1.213.. Test loss: 0.795.. Test accuracy: 0.799\n", + "Epoch 2/2.. Train loss: 1.356.. Test loss: 0.793.. Test accuracy: 0.807\n", + "Epoch 2/2.. Train loss: 1.117.. Test loss: 0.882.. Test accuracy: 0.745\n", + "Epoch 2/2.. Train loss: 1.332.. Test loss: 0.732.. Test accuracy: 0.810\n", + "Epoch 2/2.. Train loss: 1.331.. Test loss: 0.763.. Test accuracy: 0.795\n", + "Epoch 2/2.. Train loss: 1.242.. Test loss: 0.765.. Test accuracy: 0.788\n", + "Epoch 2/2.. Train loss: 1.335.. Test loss: 0.750.. Test accuracy: 0.806\n", + "Epoch 2/2.. Train loss: 1.214.. Test loss: 0.747.. Test accuracy: 0.817\n", + "Epoch 2/2.. Train loss: 1.149.. Test loss: 0.721.. Test accuracy: 0.815\n", + "Epoch 2/2.. Train loss: 1.204.. Test loss: 0.698.. Test accuracy: 0.828\n" + ] + } + ], + "source": [ + "epochs = 2\n", + "steps = 0\n", + "running_loss = 0\n", + "print_every = 5\n", + "\n", + "for epoch in range(epochs):\n", + " for inputs, labels in dataloaders['train']:\n", + " steps += 1\n", + " # Move input and label tensors to the default device\n", + " inputs, labels = inputs.to(device), labels.to(device)\n", + " \n", + " optimizer.zero_grad()\n", + " \n", + " logps = model.forward(inputs)\n", + " loss = criterion(logps, labels)\n", + " loss.backward()\n", + " optimizer.step()\n", + "\n", + " running_loss += loss.item()\n", + " \n", + " if steps % print_every == 0:\n", + " test_loss = 0\n", + " accuracy = 0\n", + " model.eval()\n", + " with torch.no_grad():\n", + " for inputs, labels in dataloaders['test']:\n", + " inputs, labels = inputs.to(device), labels.to(device)\n", + " logps = model.forward(inputs)\n", + " batch_loss = criterion(logps, labels)\n", + " \n", + " test_loss += batch_loss.item()\n", + " \n", + " # Calculate accuracy\n", + " ps = torch.exp(logps)\n", + " top_p, top_class = ps.topk(1, dim=1)\n", + " equals = top_class == labels.view(*top_class.shape)\n", + " accuracy += torch.mean(equals.type(torch.FloatTensor)).item()\n", + " \n", + " print(f\"Epoch {epoch+1}/{epochs}.. \"\n", + " f\"Train loss: {running_loss/print_every:.3f}.. \"\n", + " f\"Test loss: {test_loss/len(dataloaders['test']):.3f}.. \"\n", + " f\"Test accuracy: {accuracy/len(dataloaders['test']):.3f}\")\n", + " running_loss = 0\n", + " model.train()" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -142,11 +329,38 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 11, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loss: 0.905.. Accuracy: 0.769\n" + ] + } + ], "source": [ - "# TODO: Do validation on the test set" + "# Validation on the test set\n", + "test_loss = 0\n", + "accuracy = 0\n", + "model.eval()\n", + "with torch.no_grad():\n", + " for inputs, labels in dataloaders['validation']:\n", + " inputs, labels = inputs.to(device), labels.to(device)\n", + " logps = model.forward(inputs)\n", + " batch_loss = criterion(logps, labels)\n", + "\n", + " test_loss += batch_loss.item()\n", + "\n", + " # Calculate accuracy\n", + " ps = torch.exp(logps)\n", + " top_p, top_class = ps.topk(1, dim=1)\n", + " equals = top_class == labels.view(*top_class.shape)\n", + " accuracy += torch.mean(equals.type(torch.FloatTensor)).item()\n", + "\n", + "print(f\"Loss: {test_loss/len(dataloaders['validation']):.3f}.. \"\n", + " f\"Accuracy: {accuracy/len(dataloaders['validation']):.3f}\")" ] }, { @@ -164,11 +378,24 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ - "# TODO: Save the checkpoint " + "# Save the checkpoint\n", + "\n", + "model.class_to_idx = image_datasets['train'].class_to_idx\n", + "model.epochs = 2\n", + "optimizer.state_dict()\n", + "\n", + "checkpoint = {\n", + " 'model_state_dict': model.state_dict(),\n", + " 'optimizer_state_dict': optimizer.state_dict(),\n", + " 'epochs': 2,\n", + " 'class_to_idx': image_datasets['train'].class_to_idx\n", + "}\n", + "\n", + "torch.save(checkpoint, 'checkpoint.pth')" ] }, { @@ -182,11 +409,549 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 13, "metadata": {}, - "outputs": [], + "outputs": [ + { + "data": { + "text/plain": [ + "DenseNet(\n", + " (features): Sequential(\n", + " (conv0): Conv2d(3, 64, kernel_size=(7, 7), stride=(2, 2), padding=(3, 3), bias=False)\n", + " (norm0): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu0): ReLU(inplace=True)\n", + " (pool0): MaxPool2d(kernel_size=3, stride=2, padding=1, dilation=1, ceil_mode=False)\n", + " (denseblock1): _DenseBlock(\n", + " (denselayer1): _DenseLayer(\n", + " (norm1): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(64, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer2): _DenseLayer(\n", + " (norm1): BatchNorm2d(96, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(96, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer3): _DenseLayer(\n", + " (norm1): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(128, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer4): _DenseLayer(\n", + " (norm1): BatchNorm2d(160, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(160, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer5): _DenseLayer(\n", + " (norm1): BatchNorm2d(192, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(192, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer6): _DenseLayer(\n", + " (norm1): BatchNorm2d(224, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(224, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " )\n", + " (transition1): _Transition(\n", + " (norm): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu): ReLU(inplace=True)\n", + " (conv): Conv2d(256, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (pool): AvgPool2d(kernel_size=2, stride=2, padding=0)\n", + " )\n", + " (denseblock2): _DenseBlock(\n", + " (denselayer1): _DenseLayer(\n", + " (norm1): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(128, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer2): _DenseLayer(\n", + " (norm1): BatchNorm2d(160, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(160, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer3): _DenseLayer(\n", + " (norm1): BatchNorm2d(192, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(192, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer4): _DenseLayer(\n", + " (norm1): BatchNorm2d(224, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(224, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer5): _DenseLayer(\n", + " (norm1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(256, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer6): _DenseLayer(\n", + " (norm1): BatchNorm2d(288, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(288, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer7): _DenseLayer(\n", + " (norm1): BatchNorm2d(320, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(320, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer8): _DenseLayer(\n", + " (norm1): BatchNorm2d(352, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(352, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer9): _DenseLayer(\n", + " (norm1): BatchNorm2d(384, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(384, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer10): _DenseLayer(\n", + " (norm1): BatchNorm2d(416, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(416, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer11): _DenseLayer(\n", + " (norm1): BatchNorm2d(448, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(448, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer12): _DenseLayer(\n", + " (norm1): BatchNorm2d(480, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(480, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " )\n", + " (transition2): _Transition(\n", + " (norm): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu): ReLU(inplace=True)\n", + " (conv): Conv2d(512, 256, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (pool): AvgPool2d(kernel_size=2, stride=2, padding=0)\n", + " )\n", + " (denseblock3): _DenseBlock(\n", + " (denselayer1): _DenseLayer(\n", + " (norm1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(256, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer2): _DenseLayer(\n", + " (norm1): BatchNorm2d(288, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(288, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer3): _DenseLayer(\n", + " (norm1): BatchNorm2d(320, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(320, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer4): _DenseLayer(\n", + " (norm1): BatchNorm2d(352, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(352, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer5): _DenseLayer(\n", + " (norm1): BatchNorm2d(384, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(384, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer6): _DenseLayer(\n", + " (norm1): BatchNorm2d(416, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(416, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer7): _DenseLayer(\n", + " (norm1): BatchNorm2d(448, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(448, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer8): _DenseLayer(\n", + " (norm1): BatchNorm2d(480, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(480, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer9): _DenseLayer(\n", + " (norm1): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(512, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer10): _DenseLayer(\n", + " (norm1): BatchNorm2d(544, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(544, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer11): _DenseLayer(\n", + " (norm1): BatchNorm2d(576, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(576, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer12): _DenseLayer(\n", + " (norm1): BatchNorm2d(608, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(608, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer13): _DenseLayer(\n", + " (norm1): BatchNorm2d(640, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(640, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer14): _DenseLayer(\n", + " (norm1): BatchNorm2d(672, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(672, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer15): _DenseLayer(\n", + " (norm1): BatchNorm2d(704, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(704, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer16): _DenseLayer(\n", + " (norm1): BatchNorm2d(736, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(736, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer17): _DenseLayer(\n", + " (norm1): BatchNorm2d(768, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(768, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer18): _DenseLayer(\n", + " (norm1): BatchNorm2d(800, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(800, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer19): _DenseLayer(\n", + " (norm1): BatchNorm2d(832, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(832, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer20): _DenseLayer(\n", + " (norm1): BatchNorm2d(864, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(864, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer21): _DenseLayer(\n", + " (norm1): BatchNorm2d(896, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(896, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer22): _DenseLayer(\n", + " (norm1): BatchNorm2d(928, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(928, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer23): _DenseLayer(\n", + " (norm1): BatchNorm2d(960, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(960, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer24): _DenseLayer(\n", + " (norm1): BatchNorm2d(992, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(992, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " )\n", + " (transition3): _Transition(\n", + " (norm): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu): ReLU(inplace=True)\n", + " (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (pool): AvgPool2d(kernel_size=2, stride=2, padding=0)\n", + " )\n", + " (denseblock4): _DenseBlock(\n", + " (denselayer1): _DenseLayer(\n", + " (norm1): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(512, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer2): _DenseLayer(\n", + " (norm1): BatchNorm2d(544, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(544, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer3): _DenseLayer(\n", + " (norm1): BatchNorm2d(576, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(576, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer4): _DenseLayer(\n", + " (norm1): BatchNorm2d(608, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(608, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer5): _DenseLayer(\n", + " (norm1): BatchNorm2d(640, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(640, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer6): _DenseLayer(\n", + " (norm1): BatchNorm2d(672, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(672, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer7): _DenseLayer(\n", + " (norm1): BatchNorm2d(704, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(704, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer8): _DenseLayer(\n", + " (norm1): BatchNorm2d(736, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(736, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer9): _DenseLayer(\n", + " (norm1): BatchNorm2d(768, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(768, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer10): _DenseLayer(\n", + " (norm1): BatchNorm2d(800, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(800, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer11): _DenseLayer(\n", + " (norm1): BatchNorm2d(832, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(832, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer12): _DenseLayer(\n", + " (norm1): BatchNorm2d(864, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(864, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer13): _DenseLayer(\n", + " (norm1): BatchNorm2d(896, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(896, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer14): _DenseLayer(\n", + " (norm1): BatchNorm2d(928, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(928, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer15): _DenseLayer(\n", + " (norm1): BatchNorm2d(960, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(960, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " (denselayer16): _DenseLayer(\n", + " (norm1): BatchNorm2d(992, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu1): ReLU(inplace=True)\n", + " (conv1): Conv2d(992, 128, kernel_size=(1, 1), stride=(1, 1), bias=False)\n", + " (norm2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " (relu2): ReLU(inplace=True)\n", + " (conv2): Conv2d(128, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n", + " )\n", + " )\n", + " (norm5): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)\n", + " )\n", + " (classifier): Sequential(\n", + " (0): Linear(in_features=1024, out_features=256, bias=True)\n", + " (1): ReLU()\n", + " (2): Dropout(p=0.2, inplace=False)\n", + " (3): Linear(in_features=256, out_features=102, bias=True)\n", + " (4): LogSoftmax(dim=1)\n", + " )\n", + ")" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], "source": [ - "# TODO: Write a function that loads a checkpoint and rebuilds the model" + "# A function that loads a checkpoint and rebuilds the model\n", + "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + "\n", + "checkpoint = torch.load(\"checkpoint.pth\")\n", + "\n", + "model = models.densenet121(weights=models.DenseNet121_Weights.DEFAULT)\n", + "\n", + "model.classifier = nn.Sequential(nn.Linear(1024, 256),\n", + " nn.ReLU(),\n", + " nn.Dropout(0.2),\n", + " nn.Linear(256, 102),\n", + " nn.LogSoftmax(dim=1))\n", + "model.load_state_dict(checkpoint['model_state_dict'])\n", + "\n", + "model.class_to_idx = checkpoint['class_to_idx']\n", + "model.epochs = checkpoint['epochs']\n", + "\n", + "model.optimizer = optim.Adam(model.classifier.parameters(), lr=0.003)\n", + "model.optimizer.load_state_dict(checkpoint['optimizer_state_dict'])\n", + "\n", + "model.to(device);\n", + "\n", + "model.eval()" ] }, { @@ -222,16 +987,42 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 14, "metadata": {}, "outputs": [], "source": [ + "def crop_center(img, size=(224, 224)):\n", + " width, height = img.size\n", + " left = (width - size[0]) / 2\n", + " top = (height - size[1]) / 2\n", + " right = (width + size[0]) / 2\n", + " bottom = (height + size[1]) / 2\n", + "\n", + " cropped_img = img.crop((left, top, right, bottom))\n", + "\n", + " return cropped_img\n", + "\n", "def process_image(image):\n", " ''' Scales, crops, and normalizes a PIL image for a PyTorch model,\n", " returns an Numpy array\n", " '''\n", - " \n", - " # TODO: Process a PIL image for use in a PyTorch model" + " with Image.open(image) as pil_image:\n", + " pil_image.thumbnail((256, 256))\n", + " \n", + " width, height = pil_image.size\n", + " pil_image = crop_center(pil_image)\n", + "\n", + " np_image = np.array(pil_image)\n", + " np_image = np_image / 255\n", + " \n", + " means = np.array([0.485, 0.456, 0.406])\n", + " deviations = np.array([0.229, 0.224, 0.225])\n", + " \n", + " np_image = (np_image - means) / deviations\n", + "\n", + " np_image = np_image.transpose((2, 0, 1))\n", + " \n", + " return torch.tensor(np_image)" ] }, { @@ -243,7 +1034,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 15, "metadata": {}, "outputs": [], "source": [ @@ -254,8 +1045,9 @@ " \n", " # PyTorch tensors assume the color channel is the first dimension\n", " # but matplotlib assumes is the third dimension\n", + "\n", " image = image.numpy().transpose((1, 2, 0))\n", - " \n", + "\n", " # Undo preprocessing\n", " mean = np.array([0.485, 0.456, 0.406])\n", " std = np.array([0.229, 0.224, 0.225])\n", @@ -269,6 +1061,39 @@ " return ax" ] }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAakAAAGhCAYAAADbf0s2AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOz92e9tS5bXh37GiJhzrvVrd3v23idP5qnMKigosmxTgLlwaWyki+AJY4R4QuIR0UionoyRJWPJKvEPgOSXkv1giRcQSCAQL3RC3IcS1yAa01VVZuXJ0+7u16y15oyIcR9GxJxz/fbOqqzrKmedy46ttX+/31prdhEjRj++Q8zMeDfejXfj3Xg33o1fg0N/0Dfwbrwb78a78W68G99rvBNS78a78W68G+/Gr9nxTki9G+/Gu/FuvBu/Zsc7IfVuvBvvxrvxbvyaHe+E1Lvxbrwb78a78Wt2vBNS78a78W68G+/Gr9nxTki9G+/Gu/FuvBu/Zsc7IfVuvBvvxrvxbvyaHe+E1Lvxbrwb78a78Wt2vBNS78a78W68G+/Gr9nxAxVSf/kv/2W+/vWvs9ls+C2/5bfwj/7RP/pB3s678W68G+/Gu/FrbPzAhNRf/at/lT/35/4cf+Ev/AX+2T/7Z/zu3/27+YN/8A/yrW996wd1S+/Gu/FuvBvvxq+xIT8ogNnf/tt/Oz/xEz/BX/krf2V+7zf+xt/If/Pf/Df81E/91C96bCmFjz76iPPzc0TkV/tW34134914N96NX+FhZlxdXfH++++j+r3tpfh/4z3NYxxHfuZnfob/7r/7747e//2///fzT/7JP3nj+4fDgcPhMP/9ne98hx/7sR/7Vb/Pd+PdeDfejXfjV3d8+9vf5oMPPvien/9AhNTnn39OzpknT54cvf/kyRM+/vjjN77/Uz/1U/zFv/gX33j/v/x994hRkeJ/G2AEjAASEBREUEBFCLh/UwDEMLF6VD3+LTalmXFsbBoihogggv/U+hJBVev760PS0XnMBMx/WnENws8XUBVUA6qxnlsRv2MMm89TSqEUf/BSCjkXcjlQykQpiWJGzhkRXe4V8b/b+czADDVZJrC+385ZSsGs/iz12hRySeRk5Awl1+coilhEJBCkQ6U+i/jcBOnREOi7jhgDISixAw1CCKABVCFG6lyChIyI+e8iIDrfajGjmGFWb10Ef0pfZbN274lSMsUKpT1DAStCKVCyz2HKpb4PmCCmKGGeNyrtqJS6GpDJTncCWmlA2u9VOZxJod5+wNdWEWj3aKWe0TBTf6bs9+LLrE43gKCohjofslzB2rpCsVLXdvkoY0yWSSWTKfN3pU5onhI5ZdI4rdbd5n3RLhe1rl0f0fnhSr03mWnfMEou5Jwpue2hgFrdmwooaAQVBVE0RFSE2HWoqu+ntmkNX8dSyKn+LAVbvUoulJzBlnkX8fmCUOfLMArFMoWMscw9UvxAqXtVbOYQZoYYWPH1F4wQIEal7wNdF9h0gpoh1r4DGoPvY4kUg2LCNME0FcYxM02FYm2C8WdGFi9R/eFrsuJH5rfZnlPX9GDz0/v/Guf5DFrpc16xerK2zqtzLuOYVy5fbzzN6v6qLzN/Vuo+LYWc6141KMWYUuE/fOuK8/PzN662Hj8QIdXGXVedmb3Vfffn//yf5yd/8ifnv1+/fs1Xv/pV+mCEUHxhTChIZVbgu8eFhtZrzUKqroIJq8Vsm3H5WYoTotlyr+33mRE1AeDykBCWzxpBNeZu1s4FfjdVMFoVHqKVkEI9t6JB67Ub0/Vz5NIYWPHHN6P9w/y+RQypzEMl1Hu0ykTq/Ji/1oJrvkZuBCWU0p6nUExI2VApqBYmq5u+CKKGCsQgqCghrISUKjEEui7Sdc7ouk5cOAVBg99zE1IiLrhEDA3UOfAlawxDTCpT9s/X9FNlOOqLjpgCmdUe95/F50TrHjcFTF0YoHWtZP5cJCAUbKG4hbkIs8IiysIAaO9DEGfEgjiDtELOqdKeufJikG3NFgSzRm9OEzorIFVw2+rZTZAskBUtLvSyJoJmckhMuNCeSp4ZhwVFRehUEctAwUpymhKbabwpURp6hOhzQ0IlESTNtNXos5RASrkKxErfolhom0YrExdC/SzGNkd1LzfmloUiBcHpUnLdwipYEUyVErTJmDo/PkfWpJ0VSl2VUqirWN8RrQLKXwVXhFzDAIpA8M+UgioEFUKIhCYEMJRM22YhRl8zDRTzveS3bIgUQnAFsCCr+620XIVzUxyt7lGwepuFRdDI6rVWumUWUP5yBVDXyiri+6nO+VrZEJH6nTLzxuX8y++lFIpkigi5lFn5oZivD2VeRyzPCs4vFbL5gQipR48eEUJ4w2r69NNP37CuAIZhYBiGN94XK4hTqL8xT5pVgdeITRaVcZ45ZiJaLKVFmACYNW3TeHPh71heKyvEGUo7V9NGm4DxDafavrc+WdM0mvZW70XuaDb1uZplVVZajBUXis1qkPr8IuZKolj1/zaFQGbCXK7ix7ig9Xv0350xKM6QixpSZL4X7r4aU1cW5q1SN4lUa8OZubbvzPvsWJ1bKxDNejr+WZ9U2loJpVRGU5a58s1eLalZCLsFNVsNJvPiHv8vNHFuy1ae6Wp5Z7Fc21HMjyTzvN8d89o3obF6LeJKKm2vj2trvJzHr+GmipUwr6moW3Aq4ndmzuf8GqEKW1CbEDJFDLQgWo7XUbQK6w5QgghBIKhLDTPBqiAtVWK40iCukKhAEEwU01AFfGWmKwE/K4ciVRM5nrvFmqzan4KisyV1LKTaHpbKN9q6rc7Z5nA1l/MHK2XuyKqon1nxV2nnVFmtw/rEq2uLElQwsXpPsppjv16pnF0rWZpY5V0rLWZ93hVfWe/xo2GyHLqwv3reWRtb1mC+VlOiFn51fO6VoJzptyn+Ml9noetfevxAhFTf9/yW3/Jb+Ht/7+/xh//wH57f/3t/7+/xh/7QH/q+zxMxQuWEthIiBXPzX6ogr64Vd1RVjfmtTMLe+mqf+Vhpqyum79q4zdaVu2caQ2xuM3PFpzKP2aKp6y+yLF6xPGs6fs2Vhlf3o2t6uQrANJvUObfrNoFRz6JSBVRZNq+6haCyCHozpZTiz2WCasFM6jMIxQwt1SVBJifXGsvMAJe7bi5RVZk1zVmTUwihCjF1wb3sD6tTY6v78vXIpbn4FldfacpInXdfn7JSDqxaLGV2oZXswirnJqQqIzWnn5m9VHqREBbNBl0JsLJap1lMrSnrzudvFVE0paQUm12R6809r9mRBsxCR/UazrMNUz8+B58DZ3Z+r6EoWgKaeigBSoTSOwMqhcIBYySEAyqZ2Be0KxDaiiiGEEKHSCRKjzIiFrDsQooSfH0KhOyWW7JcpbVBCG5Vdf1sOWNlUSTn94SqhM9rKdWya3vBqIKtuLGzWAGr10JN1Ck6FjmNGd9RL/wovbOuxpIc7dZRBkZzy0q66Fa4iFvEBSxVZbUIOUulNUElYI0nNZ7ThI60m6v3IHf4V3UrHtOJVjrQo/dmxanGR/y0dUaKLXNQKbQpDtJcpKaUXKrXxFZrseJbxXWJptxa5SdmxeXc/Cxv7oDvNX5g7r6f/Mmf5I//8T/Ob/2tv5Xf8Tt+B//L//K/8K1vfYs/+Sf/5Pd9juplrtvbH7oswnr+v71jlcEXM9dUWDb69yegoBGmWxfMC7j2Ia9jRosWccxwlr9dMxF8gVWcmahWhX6WYO1+mnVWhVOpvvWyJpyFSOZnd+ntPnaTWXjMWhsLs7PiRF1WRFjaz1JmV8ri7ly5P1eWBDOD8O947EkIwd2YTaOeLSmtFl9jMu1CawvTlt/LbHEuF3vTkj1e2zada4ulWVYlr6yXKqyKlequVLRpk0tgszIR8Z0ZjshtYSRyLL7W4600t3LbNR41z6G6gFyLOtdmK3Ot9yUoWaFQmJoVWUp17wZiiYgFpPRo7pHSIWUzKyGT7CkyArcIE2ojYhNYpkjGcMskSHMrA6Vzl2pRxBTzG8CyEaS6RiWBFkyLx2pEgeCf1fURWKy2poDOtLBMzKLlz2IbU2k7tAqwhT4bUzaZF/hobZYpbXPpB0nbt9Ze/p1ZsOKnK7iLFiBXSWnN09AY9NqKqBadzeqoi9HFxmkUUzDTxUZpzyt1j8/KyiJgnFbCTCPHQqFdZ3l/dvO1kIMouvrcqtC0yq8WQbQW5W0tdKEJA3eoqsddV/zw+x0/MCH1x/7YH+OLL77gf/qf/ie++93v8s1vfpO//bf/Nh9++OH3fY5G3lUh8Ym2mVxXIsqpo1gjAENz08CO40WzeFuZs29m6S/CyKxZRU4Yy3lWGjx1kWch5a6opiUu7r0CKihucS0Cxa0fWIRfKdkD0iVTcibnxZKyOX4kq3vPs096fopmSdWNPZvtNZ4m87wIWl1iWqp7LRckL8e7+0Aqe2xWGiv3nhJCfcX2u8zJEhpsJdSWtZkFbFtJu/Oal6NuIrv7PZsF0bw29aBmZTWLai2kSnWbUozQYnkIQQVMF4vZpGrBILYwtsUft/Lxr/5aFBQ7UjCOqKxZCG0+pbnZdCXI2gOtrjdPoMcIRklObyZ0JaAl0pcTYhkYyjkhbwl5IOQthpIE9mHPJAeQK8z2UK6xfIsxYeFAqfxanTVjObiQKidIiT4vk5JTwXIh9EpQQ2XENEPIhBgqI4dSEmYez1q7FWfBuxLcVIvAzJW5tnWQakWLW4OzjtCmY158twbco7DYSUfKR7tQpW3aHi6yCAWqcmBUZdHm45O6pbl2wfovK2E37xadRcZamZ7dxOixdwKpc7PwuSbQF6HTkmvWHhKrCTXLRC5JVYtIVFHCik+0afMkiBb7d2XGA7jLndGU9gBSbPY3LF6d5uFZz/MvPn6giRN/6k/9Kf7Un/pT/z8fH5BZefXFcupu8YJSJT9mFFk0lOrlXZgYd1xjR0zRVm8tRAeLlkY78ojJrH4v7ViZCUk1gIkHuKtGtNaym2uwVNO8CUAXRE1AleNXtpqpVhmtNS17ub6fizvEuViWLfYEVYOsbr5S7z0jqIEUlthSqNl0LMkGWrX+pv1rcyvOrj1mN9+ambgrqIW111boOqbUNhyLFr06hy2Hz8uwuEBq1pVQGb4h6gK5LaELqXqeXCi56pAFgjqzDUE8rqieuEJ1rVH8mawGuVvw22MserTGazJZ6MoZY0sIWQveX+4wDJPiNCRKZGCQUzZywrk8ZKOnnOsDhnBGz4Y49WQTDla4klt2HDC5wmSPccWYX5HLLSlfQ3QGP04JM9iE+5x0D7jonzKEE4JELLl7KKdC4kCyA1fjCw75hsN4S04TpoZJRiWARJCJ5o91geMZqlSFSlBXlFq+lDHHb9p8mhlzAKftWfHFbQxXRCjm2r1QPQUzo21L4XG2xk8olYO0OO1sKixKgtOlkIsng/g+WARAY+rW3H2yWCn+QVmUnMZzVgTgpNay/6jxPn8uV0BlThiy0vbSSjFqit1Kr5GVJdc+muVIE240S9Fmd/lsi60UqKZ45VzqvmqcuMyf+Tx9/3T8AxVS/1eHGKjJHBFo9LXSg2pmzjHHkpWdVVbMbx53ZvAoHjUzw/WV/Jg7Rx3fqx9EExYqSrEmfO4KKKoV05hzAfQtMRY7Skst83vHFuBK72Md01iYNTPRr4Ww4gFdRWDl62/Md3bxqWcIelJF1caUOatvsY4qw5bFavJpMeZ4W72vxYqqfxVWz9zeP9auG1M6tn7X2iXL76v/RFqM7s7OmZmaYRRKroIcwdS1Q71DBvP6HdGBzD/uKiJrOlkC0E2vnT/gew/hLq2tP4GWSBCItqG3UwYuOOEhWznlQh6zlVMGtgQi2WBfMsKWzg4U6Sm6p8hAMGWyvoY0MqKFkvcAnHYXXHbv8Wj4Ibb9qQupSecU9LHcMpYdnXXc8pqb0nMot2SbSDqBVNdGMCAfK4qrBxKRatjYPDUz7ba5r8rCQmD11+JMXYvU2LRVwVMF1EyjR2bLbDG7IrJyxq2XRdbr6gqbtRx7YY5PNQuq0Y57A49OtDz0WlDNn1ZrmroHaUlQTemq3pN5D6zpw45/NL5TBfHMFeqeW763CClXftcuu3lzI9o0tboItlIQlrtfv/F9jS+1kCL5D1WrsaiVWloZWrYyL5Hi/vN1fdQbtQe0U7w5kY2JebLBYlW1mpR23BGzn+mkCYklpVxVVsH6eq7iaakmGffhq6esitQ41NqaspWbL1GSkOcstaZdVe1TjwOhayvQb7y6H+v9NwtMkDkeNdNjnWINipqn3RughFpXFFDxVGLVxeISbUFfn8vqGXDXIk0YuyvGqjmUs6e9uiuurmlZVtRTe7W6d/yEzQKpD1a/52sulZMZxZm31PoSNYrW6EjdvCbmVTS5bfq2jrAI/HKcXNHm821yo9FCaWJ4UWxmN6wArU6qWXTZ3lyvo5O+fSjKUHr63CO5p08POLOHnNgDHvAVTvSMe+Eh27Ch1w6NhUJhtMKpTRwskdhhMpJ1x3V6wb5c8XL/XbKMWDxwtkn0fceHF9/kveEbfGX7TfqwQU053CSKFLImsu5I7Lnefsr1+Jyrwws+3X3MTb7hefqMbCPGRBgECW75FXVayPge86T441hSm7L59zq/iyXFQrsB1OrHVjOjgxwz3FlY1V9b1roxxykxqZmyC59QUVpihmgA6RANSFj2WpitDa9Zs1zXrylf2OL9gZbDwXJ3y7mOErTq91sMStVWdY1uSbVM5SXbsFk0nmhVp9R5RBVKM4U1ISXU/Xhs2dVYy2oB5k/8fsTXQ6tHRgUkCEb+nrS7Hl9uIVVjBo1veEGkeLFpDe4twXVWjHgRUmuLZP7aXWbQNGBbHdM+aLn//kkNbMudw6umUd+frQOrWtes+cxKCaqtpqBZFDIL1CWG4ckTSwGdMidMrDbe3YDqovwsms5xYN7vy4VV2ynuXTYztLq0pDSrEEwFs7C4IlYbahHai4XUrJTZHVuFs8fycr3uUkzahNRcwNueqGnQsxa3FiaNma0tNVvmfl6hNY34eql64ohWtdyojKimXqtodV+6BVZnd62PzueblVlZ085qLtbXPlqrVRLJmqa+t1w6ehqtBdY6DmjaEMcNoWwJtkV1C7rBQkeJQmmxQRF6iQjKYB0TgUwiS49KYGOnWMEtI7tmiMJ22PBgeMa98ISL9BDbQ0lGd1uTezBKDBTtCDrRq7LpI6Uk+tyzm24Zk5IytRAWzJxZIjKfo80bdb5n+6AJo/UErS0xW+hvppdV+vZxCcYdIVX5xbwNZDnhQtstgYRKkAEJ0S2LpjjV+533etNr59toJy+zImQ03tFofamLW4cO3qa6HPGalRI+z8MRpTDnpRjtvpabM3EltMg6fg4tGGv1wFLWtL1eCqlz3/hL8P1UljX6xcaXWkiVbBS1VdKN19HnAqlqShlmy7kRXQt0A4v7rCwBSP+gfscpulpfK0GlsxlQv27rj2FF9sybYFmUUol1cc3BeicUa3VNhZZBuKSx27Fwapl+dsfvzCJ8jl6sJmOODR0LldUMzULbmrDE3axtg6q2OGBATGvRbCs4ZbWhlrlttR9UK0qsIDjEgllbtVILiVkKQ6vG2SZXEKQsgqRpuvOF6pq6Aru4SRdxxXycz34LeEut4J85HCqRIMERFzT4s2muwmRJ619qvOZV8I1+5BJeP8OaXnxBBGoc8O0F7k3yHedo3Tm1KSF3dIctOm0Ihy2xbFFOQDegAykGpixIzMhgBBWGLtDTYQijDWTLJLYM3RmJEaFjN73menrOeb/hbHPK481XeVCecjE+4Ob1LdMhoftKA0GgEyxEhq1xopEzHSgkutzxSq7QIhyyeSxKgOLzaqysDGPmptLymSu397ldia7GOamOrBYrBI+VFFbCrpaorKyAWTmQxhfsaF/5PSw0rgGCghdqBdBuFn6GI2BkqwrT+tZLO6/M57xzlXYxFuWlJs9IpVdb2z2+JwzqA7cQQeNNq/pRW2hrlr81PdHKKsFCfG5K4wN3XOlN+FpZ8cJle7dloMWFQ2hW7H8KQgpbYDcwEkY2I1eC8LyjtmhuDcxafi3YnGMO86LYPPUtFWApgK1xGVMvYm2Ca8XImpyRxQcER8bzigjr92q4kZaKPu81q8gS9ciZOMwfTsyJUKw9VaOGVRajtuJJXZhdE1TmWYMmpQawBYI//Vw4WGNBIkIIATEoZAoTwbJnIJYOKxFS71lec7qsESgEkuM22AXBOoQNIp7hNck436/mgJaOkDeoRYJ1hClSipHYk/UW9IakO4oUCqEKZp2FXZBMCBOqqc6hUsrgtUASKCo12aEG54tRtFCSKzuShVACMW0JeUOfTznvH7GJZ9w7fUIft/T9ia+LFZLdsJtesJuec5U+ZtIb0vCarBNZU6WgQCc9VEtzUZ08lbstOXNhumfvNRqEglQLQ+uXC+prJWAtuYbKZIrCFOn1PifhAZv4HsEG4rilty19PmEIhSgjIe4gRIoGLPeIdES2swDXSk8mhnaOWvJAH3OY9tzurjgPZ2xlw6PpKX3eME47pnxLKhNF8gwNlQ4Hsk2M1wcOKXPIMLKFYNw/+YDzMJJtYn+4IstIiQdSqK/ygsxIDntMEiYTseznmLQXhDkTLUDCQDxYrza5O9bA6LHqHmt7qixqSluFGV7IdUNPBiqlVMSkutelgW85V1ETpCZLeBp+q7Fra2ocWdHN5SvLHZRcFZmm8FAtj7ZvZx3Wv+OUtSpSZmXD1Mvm4i7rXNIst4M5j7vrPRKocaWFD1LpsmX0HStMfi0PRywK+lpIFccBWwQVtghLvr/xpRZSLYhXrAmssrj4jIX8qgrV5IpS4w4mcybYnBHGstDubnBNTM036hyTqbLmTmbsrG01xk7V/pZt0LJt7PhAaxpOe7imoaw1l/nDxWLzB2QJ/M5v+qnvIjysXRvWrtP+1SBy2xPzsyzXaFZDy+oLGBbUibiloq9cbStFamZ2VmNuZpmMIxSoSC0s7YnpglAGYtlQUvAMLHmNBDAmRA6A++9LC2SbM1RVa6rLvA3MFD84zAxGtCV3U/92912kI9CzkTM24ZyT8IBH2w846e5x//R9+nhC350wZaOUzGQ33MTPuQ5n2DSyQ7ixq7qEzc1S118aQy2zgrMsl9+XzagGC2G5UtXULKveJlehZiVoJr5qNZRAH0446e5zunlM0A1xikR6OjqiKlEhBIeckiBzTFEtuudAanJBtSy60KOq9GwYGRnylrNwxiADg52iFiiWMUsYGZM076dSEjlnUsqkyZgmsNARug2n3MO0UEKmky2ZkcKBJO0FB3YYSiq1gL0qldoqls3nu0Y0XUhV67xZ/s3Ibl6mN/X4Zlks7tu2D8RWtUWyrFCb9lb6Imsrfs0cmlVR9/hi0S/u55aNu1ZiFwJZeIZhLS9hhjJqPASa16des/7LzdoyoLhqtBZS7ZmWxPPjeTFbhNTbLPs1i5rdi1Lja/U55mLe9ihvv9gb40stpFK1J3P2rJ2WItkyUVphb8Peklyro2scSQysBQJrRXQrKpxTkgVMqktJ8YjrEXnbUl8hzFFZq7vBBDeHVqMxe1aayZEmYktCh/+99inLG++10QKUDd4GjBBCfS21PUs8SuZNU2pdFlIc40wa4oEdPa6KIqFHGYhayMEYLZGSMbGHGKomGSkIY1GCDo5e0U1omLB44y7KDFKUYBsCp/TTI7p8xtn0lC6f0U9nFJ3IemAXP+GQn3NQhQiTjBTNmOlye3UdSuowjZj1YNEtN0INbk9AxooQiqAFFwwloGlgW84Y7ISH269wf/uEp+c/xNPzH+Kku2SQc1Q7VHtSzhQKFiYO8oqdveA/fLHhi90v8HOvX7lSVIPWKkJQ12AD9TizFQ+rxFMJtqyVkONvuE7e6JrmorRFoygO4NqHLZdnD3h68QEP7Ifppi28MvQgyCTk5MgP0gld1xNDT29bgnjwPcbopQWNqQBDNxBCoJTCttty2p/S9z0xRqL1+M7K1YVcfRv1QUp9bk/2gVKUTrZE23IRH9VEG+EQdxQS0mXKMFG6xIv0CTf5mueHz3m1+5ib6QWHUjMCq9vdKOSSa/1Wfa+6JRxkV2vtIXXG1nHl9lsVPkeMuAmMuu8rj5C22edsPU86yKVZQbUus93LSqucnc2tTq/u9ZQWhXTt+TgqdaleFKvvh+YVWX1HhQqCW2N5DTKt8suW5X7EQ+rxxzWJ69+PhdT6u+uErGOeVQl2NqMW4fl2F/bbx5daSGUTxGruPjVFElmKwpHjn1WzqBbzskhVhTFrn5X5+80VnNWQ4hqwrBn3rMFwtKHnz2TRZvwtqQTmDKzBlbQDW33Uuri4lLcRziqWtbqYC6CmYduKgNaZfcstei2WuMZc3SUNtmYd3J3TXasKZ9bNQl11T4iZQqr4ZZBNsRwouaOUjQPcyh41L0C24nVivW2InLLhHmfpMUO+4GL6Cn06Y0gX5LAnyY7ejFtRRAtjOpBVsLB39lStO0+oKJhWUFhxyB4h1Cr6xmCglYIb7p6JZcvWLnnQP+Ms3OPJ2Q9xb/OYR6cfcNE/otcTgvWoutDPOlHITALCgNmWng29DYTUETQSLFYDqSJj12ymFlUr2kzNtURaW9lVQ25IHtWl2VxZQGVYnrJdDCQHMAgSGMKG0/6cS7mki1vsYJ6ROQnTNFLIJEnE2BFjx6C9Z2eaErsqpFYjxDAXhJvZ/LfIYmU0i70cuZdnOxykIpzHwLY/RfpAP2w84caE3bSjWALLWPFXH07Zy44zHvN5Oud1+YzPy4Fse7AJ0xGT5HMyuzmqVU9c+MGqA8Dsh4Qj70NT4I6HLa95ear1Ntc4teQfwxpY9ByQWVtOLZt4+ekCxAGd19+dhc6qCL8JAjfKbC541qasVSXdEeHzjA7fmMVc3L4SJmuqKytaXAsxw638dh+NBpY5fIuQA1f+784hjay/P0H1pRZSCVxjbWuAgzuWuRp7MddhlVRQN7s0DWdta5vNjqLMYpFKKe46qxbHbN5XYm2uLKfjitigDaBlEVMtIFutYczKEQpEc+8tP5ffFzfcsZptLZZRmcFaC/M08LUGtNRVzFpuFpgTkaya6e3k4PERz2pzbUixsvH3zUsAqK6dnKEg5BQw6yj5BLNTTDpyFEqZgD2SK3Yc53RyzpYHnOX3OCn3uDe9z5DO2eQLkt0yyY6upnqbJG7lNUkLhIO7iTQ7+nqpiNWxgp9WIaUSvD2BU0itYAk4+QeC9QxccMlT3h9+hPub9/jg/o9wNjzg3uYJscbIrHgYKEYhm5KZuC2JYpFER2cdsURCio6KTZ2v5papSdSGKwZ5ZnCLi8nXZsVAZ8WjqVqVUdZgPODMvNJwKB0YaAgMYeC0P+M8XNCnE2wojkrfK+O4ZyoTu3xL7HpC7Ojj4DGzIoTownjNsOfWGSsNP+e8MFUWdJHle4vi1JJAutihQelPTojdwGY48/1U4Ga8rYlAyT0RpXDWPWDSiXt6wzCecpIvuE1fcLDXZLsmS0bU59bvgQpHJCBaFRkvL1jPt84x44V5zvP+xl5bM1mtvGQRVA202awJqnae+USe+ENLZFiSntq+X2TJIqTe5l5bPgfK2y2gVqZiedXKpPG6I+V2OUZ4U3gtwtWFVLuvtWenlPLGPc6TWBZ9oH2jcRd7yyFvG19qITVmoSjuJjE8DXp2gLbMmrXysywSMFug1syw+e2FaVTr2rXhWQdfn3tlzpszECuu4TRoluOeNP5zLSSsLJuiEVCrR1i/1oTQrK81sS1mvy7na4xiwXw5uo82QaU9XYNzgQWVGcE8cOHxPBoUlcdFIhcusLJiUw8lErkkdicMw32G7pwQBiQkxmnPzc0rypSQAhfxlCH3bPKGi3yPjZ1yWiJblG0Aifcp4ZKTuGFgi1rgqrxktEK2V2RLZJu8+BkhWKiemYzIAWHyZ89uZ3dSiBLo6JAyoGXDyelTLsMz3u9+jKf9NziPDznfPGYIp2zkzN29QNwWCBnCxGF8zX664cXuM57vPuPzm0/42S/+NVfT50y281hbrfVpekyLRubq6iuytppgTZiLQtGMrXUNGSDZe4ZZIeeJKv+Q1FMskzRjoxByx8CWIZ9gFDb9wBB6ymlisombfO1pHALbzt19ugIhbIKqac5mi3Wuquz3e0quMUqEYN6exUohacPkA9VIRNkMQugisY9sT87o4sAwnGLZsGxoiO4aLIWSci0GTqDGRXxE1w2c2j1e5c+4yp/yKv0Cxt7jM6EmOplWd682nAOM4qUT815Zj0V5e/t6cOezVnvUeEnzdsgM0yRyDOS44gA0fnH35e1w2vmateK4fX5OOTrnkvLNkeDIVSA1ZBorpWbAvuWxVsfPHzfltcasWiayrT67G3b4XrGqlhUpM603BviWm/ge40stpIrVtM5mz1tN9WVlWdRF99GcEhWuw2RFPNBI92iqhcX84XghjknmzQWcv9UkJXcXcqVbNK34yII6dund9RGLLN+rF57P2eqc/I+mzR3f9JGr0P18MyPVapk2wWdzQkSdXym0rKrI1iF3wjlRTglly0bu08mWTbykjycE7SAIYzhwna9IcsBy5kQ6oinRhN5O6MpAxBuzBYwQIhaUk+6Cg13T2xky9ZhpzeQsFPIsPLHgWVa1gDmIEAkEUxRjECVYoGcgcEHUU+5v3ud+/xUebz7gUh9zIpcM8YQgHZ5yX9zFphkTdzNdj8+5Pbzm+c13+OL2U764+Zirw+fc5pfkONYkHnNrSRqt+XyW1dyvVvRoTZzkyrJs5okAKtVlhLLUyVWrqsiMIeeX9aaNWvyFCYFIlA6JkSCRUgpTSWQzuvpe0HgkkBx3McxxjXUMonUAcBpc3ptdVDMTc0DhPiihi4Suo+8Guq6nj5FSn6uPkSxenJ1NKZSawefPt5UzpjiyDfc4lFvEvJ9VaWn/Mz9QfwlYpepCawI5s/a2LX+J0ZRQ6vPIjGvZFqhtrVLMrfr1500ofQ/hNMeK5tOt65gWobaEBWy25GaxWQVKs6KK2ezma/e+cLe7VuObE7C2pNrz3f38bYLNz9doFppnpt3AbMfeCTv8YuNLLaQmc5ws15CEhirczPzFtVbjSKsaBLfyjeawNlrMoqX5+ve0okv4zzfTURqZ2IpgZtEzu/F03gwL4kR9o2UdrTQyr51atKr5Vt+wwtYBdqn+aT3+XqlJJdXsnhOebTmvrHape0CcuTeSUhGPNUmdLjEgu6uhBE7tKefxPd7f/ibud+9zHh9xIfeIBKIplMktge7EU4QfGLvbK6Zxz/7minTYM+ZbJNeEbe1AhaKpAtH2nJ1sONiOTXlNmXqmIuxtpMgBY6Jj4wwrn7grEWVTBroQ2cQtvUSiBrbqrjtNA6fhCdv4kK8++M+53LzHe9sPkENEktcqTWVkl3ZkJkwzKgfGfMU+veQ7X/xHXt18wUev/j2vxy+4mj5nx0uyjqQ4MgnVnbeZhXmb6TBjubHQzqycNJNeZu3TDIp5zMVUXIMQqZl0nqDQmHhKExCRKASN9GFARkWSeGq6GSVnhn4gxo7QBQ7pwJQSXeiI6sJj3flZ1ZsQ3lXCSnH3oZmRxuRIC0Fr3M6IIXinXClE7RAVQo1HaQxstxtiDHSx0n0GE6Vkb2XRWsaMtUYuT5mNbrF4n/vD+0w28vn+W2QTTzuv3FQykD2Vv2ipngyDXFb7hRmnUipdz7rovCbr2FGLX3OUHmizcWDzirogPMJsmI/Pc03j0vV62cdry2jRKP3uPUlo4R01KaK6uMtKIB0prsXLF9ymref/PqTDWkleeMObbsW163c9VuKrSqwFxNr5VMEK39f4UgspqjSW4EHXFkvx7JVShUL96mxqGl53UjUfX7XVOZsm0wikvVpSQX3XFt/s+p+Ix8VUpfKl5mpr93KcYmwrK+pNJOy7xLS2rBbCbmddW2wuh+5YbsbKtbgIylKZQNtsQZtAbxtX3ZUq6gWmQCCw0UuGeMmz4ddzGZ7xtP9NnNt7bO2Sk7RBi6E5UfItZhPUhnBFhK1uyV3HTacc0sANgdYTSsMJEjoIHSYdJYhbFSJIrXXKCVLOvu0MVAeibDmRR2z0lE3YcjncZ+i2nG0uiNJ5MgGdo3SnjsvhGSf9fe7Fb9CXDYebiEpGZGRKo9cC7a/I4UCRiXH/mpvDS17vPufT59/h9vCaV+NHjFxxCFeMckMmMZIoBApxafOwogExW5Ke6jNbQ9ZoiudKgy61HcsqCRpq+n6xQrbWBVYxSzjLrjmu4qnyOWXIxtQ06YOnZWuvdLEnxFhr2AJWzGOZ8Vgpe1sWV4zRqbkdow6TRa0Zoj5Xo6MudkgMaIt3KVjI817V3iA7820xFXIGNaQYUQO9dJyUMzb5BA0dGZhKdsSMokiOkB19pcTkrUUke23jrMDJDFI774Wms1bBUVpCVd2bvn/KiinILKjmwg5ZC5XGI9ZZfBXabJU48fb9bs0Uwcwh0Jpy4h8fx6tLKfPRa6tvsaCaNT/rS28dd+Pda6vzyLpiEUxrV98xcECbnJYlOt+h74jv05T6UgspYUkGaFlzPqpmIQ27DhbNpiVNsAgPVovPsWnbjOMmCoosi9auWFbHGUua8EIMi9bcgsk2U0s91pYsviM6eSO6uJjfdzNzmqBe7nx5ikWzkiPk8XY9R0+v11ffEHPQvuL/mWrdkEpnHWfxPhf9E75y/sNchg94Ir+ezXiPbjplSCA5UcadI4N4Lr7XD0dABkroiUG51UjGvO+RKBJOkdhB7H0u1DCZ6lR4Rl5BSDXOpEUIOtDrGafhERfhIafhPo+GZ5wMp1ycPiTQoUQiwRnYFLl/9ozT4T4dj0jJC0njZkLCyE16xfXhFa9uPyOFHVn2XE1f8Or2C764+oSXV88Z8y0pvMTiHot7koxkCqNljAFH4FgsUhGZGYU77JbVmy2pVurAos26O68yzooRh8xJ3bO70xEaMnm2sJwiSynkkmr9lC+4HYwogYGBLkbPIMzBLe9saNQ5u6/RzjrL7FhIibfjWLn7LHhiwoxSUKVQiNEFVFi1kZC58hXpQEJFhJgMk5YQ4a66KEqRjm05YUgbRAMZI1khuAZEyAFLLkCKZIomTBNmkVKWxCGp/KExzeaOm5WD3FxoLa/KHG9v9sC0PeXrKFDr74y1JfW9hFS7TuMJ7b6akumfO5IMVIV6xRtm96DdVW6rTWZVpVnVbgm10uF7uPiaAnLXamo85m3XO0rU0mPFRubzHr/n5PCfgJAK0fsRSalE03i0OMS+j+YGqDhs4llgqKNGaNDV5Le6gnYcs01ljXCEeeOtWrXMVd+icx7HouXX84vIAh1iy0ZvFlTOa0KTFVUsmt6sfc/vVbtvbUi9ZayfaYby912MFWGa3PzuYodlIVXwSxWQWLP78FbgPac84Uf46vY38PT8GzzufoShXLLZnaKHgI7FA+ElUUpycEmNxM7tUbc+XdNNdGQKG0mE6BZH358SgqdFq0yIZkqfPK5UAmIByQE91PqeGHjcf4374RnfuPwJHmyfcTE8pg9nRB3o8hkxDASJaAUtnUriXC8Z2LK7ntjtr3h+/THx7BbpDtyWL3h1+ymfvv55Pr/9Nrfpir1cMZaRfd6TQsGCd6stVki5kKpYIPRY6cG80+3MvKSgkmeUgbLa+p7lVQVSblo0s0uoVHNEpSZzhwpSWgWVz5ygklEy2SbH3CNhsWo1wde8lMJuP6JFyX0m9h2xq7Gqyhzderubeep0GkKY6XkuCC2du9QLLohEyV2PSEJQNAQ0RGLomfu0mMfJFF1tEncrasleYF0CIXvsLKfsSqAltyqtkEgcSmJvid4ikgOSekIWj+NptSw10dhd23trl1p7bpsFg83W7VGX2QoWMrv+mmVWBYwaXsLSXHBQXXvtvE2BaDyh3cOSKNPu55iHt80v81pgjihh5Y4lVZY60HZ3HsJYwg7LHSxjHU9cZ+y5UOXIPWdtItu91OOPOFjV/Rc1beFPtS3b9zW+1EJqXZjqMkRm66Ux7eYgWeX9rcBRq0nRvmtUkNrjazBrHp6YcXSt+Yv+asaMSQvXtrWsm2ElRkSWDfOGlc1yzGw6Hb1vd6zHYzfi3dEC201rbxuSonNtk1kN/NbribiLT7NvaAdUVaL0nNsTLuUZ9+R9NvmcLm+IRVAriCSgYDKRdUKip+Nr7PzcpVCKZ16pFKIGosZ5UroAIRRC8EQBFHfpJvG6oASWhFAim9hzGjc8HJ7wYHjG4/6rXMb3OAv3ULzjbEhe4xQ0eJ2WJUSMUArkEUrCbIfIxDjtSOmGV+NnvNp/wqvdJ7y4/S679JpDvK2AUAUTR68I5t6oXIRUnD7W+IVN/VU1x/nTPMMY2QovplT8wdIg8Wdkgpqq3MigOGMTkxldwVp6/oweUpjyxDgd2E8Hv14tRLeyHFOKo+hLqlZOqMpPqUysQoavXXwLQ6qWVaulCgUq7WilmxjjsimQ2b0jlQNLzRZV07q3jNYeBhUsgLswxedGjKCBaKFSsrs6i1TUGROsqCsxdXM2GCkvsXiz4LQ1Hz1STJsLvwmmOu+zq331HizM2OoazMykjiagjmJQLEKouUObELornJZT2fH77V7vWDYeg2d2QwpLOUwrNP5eVszakrqbJDbH90Vm8N/5nO21+n6zluaQi6yE1p3z/2Lj/w+ElDmAZUubbVqCymzJUOdTsRnvywVUXLQFPFnBM4Ma2oNnJUntmbTyEXC8GsyV78BcL9VAVCN4seJcjLReoFpX8UYsSo5t7Lc8+xvEdCf+1K4Fyyb0jbYKBjdfe9UWx9GjFi1JRNAWb0dE6YeBrV7wpPwYj8qv597+QxgNNSWGiaAF7SfGMJEtMZUR2SihU0RPnCElKGPCLKMiRDU23UQuE0ih7w+ONxh2CNHT4mOHJiWPhem2UA4wsOXR8JAn9x7zG+79BPfjBzzjxxl0oEsdY5qquhaq8l6gn1Ad6WRPnm7IyUAy/VC46IVPXl3z8vZzfv6zf8l1+pTX+Tu8TB9x4IapjFgIWIiYDG4J7CNkwXLPlJ0ZheidTYNotYoSEg3VEQ3ZLaAW55vXYgmoH6vBi7VdXHV2apJS09wzq45qiGRSSVzvr3l5/ZIvXnzO03uZoRMIhuXidYDqzGMaJ7IZIRdC37tbt7C0n1kx96Zdh+qqi1EQ7SjZSAiWM5IKXai1WiZMY2LUiak2R0y5zAC9QToHYsra4AorrRYg02lH0ILlA1hCwZM9QkD2BWvoHQImSi6ClYBa54kCokQVLAglKpqr9aYsWZBN6szz1+6hveTOTxfca4FV2b7PXTvdSnCswaCPm2AsNXCLpdRcZ4vA9L/1yG227N9mbVfBN18bGtB7Ex6zMq9rVfkX5y3tZwthtPfmzr1yXJe5FlQLBmKr1VzYp0rzJPzS40stpGLoiEFne6L9H7AZv8olui9ybTbhKa0FIM9UadSKfaMKqvq+Q11X2H2q28avPy96Uw9oAmClcVTi9aLCtYBqi2oVSaCs7KJq9RgLUQsVFb2ZbP6dpjUhUgEwF1NSRGYIFWDB9GrndhhmF9zNkspeECnmEDaCIwtUZZTQB3rpuewv2HJClyIpjS7kJdf6qVJdW0InXtSqJdCFDoE5rmeVGWtUuqFHsmAUQujQKISgGNGZSpew3S3j/jNiHjmTDY8vfpynFx/w9PyrfLD5TZzJPc7TgGSFUlOXqajLZH++qXgGWrdhGkeyJUo2LAhhE5BesWS8zte8TK95kV4zdkbSyNgA0yaBMgEJ8fRJZ2KlA6DkCiulmRwd4NTpyC1Xh+4SsqehYRRSGatu3Ip5KmPCs9zE3DoNlj3xY4pz2wPRHjFvQkj0NPnJXnKVv8tn+5/jqvw4Qbf03CNKJkpG9BWtjMDGLQllLBC1vZye1nWHBpi4azgEHMqIigkZ1KNjpdTMb0F6RyVxyznVzNVDLT5ORLzKDhvc2pCCBPF4aBWSAgQNSBSUiMVM1sxNvmWXb8n5gEgiqCdflDAxSaprERDZuoCbEpq72b1tHnyr+IIG5MqABayjBZUrPOssFI4QGeoylWb9yNprs7ZsKrKorJRfZLbW2nIvkfXa62y2PqvQmj0uNrsapajv++NkwrrfV3pqNeybEGkp8nbnsLVlNsfaq2tRV+yDJoxmnd3WOrE/owhBPSSjKgRVRCGEVvjM9zW+1EJKpSNqAKbZheKazZxsucogqRUq1uI3tlrZ6rprJnJrE02znrRCnUCrXZF57656MGG+6Ss4VkvscCuvUUo9bz2H38dbtJumGcmiFR0BMhapm7hJx+oPX983C1SKNXNyvXlm155VFxXeYA98niqkh8zPq4QUiKHnNJwy0BNScDgXqS4NcesLbRZr9HQFC3QS630sm749e+wjlvw9DZ1bIkEpREwNCYlie6bxFX0phLDl2dmv48nZN3i6/TqPuw/Z2MCQIJdMyu4CQx03z1N1m+BVNEbSlJmyxzp0EKIIGhXpYGd7bsqO1/kWNobFwJiLy5AMMnnat1c1RMwCWty95XzZIGSSjrWlR63fMqVk9WC/OkMyMmOZnIK0IDO7qi8TlIKSiZarC9HdikiY18dJza2rlCduy3NeHj7iJr9ikPt0MqCaiTqB+KuUQM4duXQEKRCFrhOiOdNsKPyufPgrpVrkqVqRPECCm0J5ZlSCxlj75ixWY84TEgtiFXfRDLOOCg+9tEdp2blmjjtZ3X4pjCDCLu8Zs9faaXDHKWKYWkWg6BETRAffk0mgBM/wK1VJbRKiXq8ht3h3AUfzb/dFs6LqYU1Ate3WHBfWKMBWMSKaE7bASkGbqzTbbdR5s/WJZ0W3Kab1AKs8oMgKNHvhe85fqvLcWI/4ftBic5GzP89817Vw1+Zauya4ZgR+2r0uJT4NSWS2CCuf8RCBl7O4kKp1d8Gf5T+RmFSLKS2dV5vS4ZXnVgPNjZ5aZpT7vd2F1RaHhX83pZe20LIyV2cx4LD8a79tM6+pGUSNuGYKOVI15gsuleX13Wq3N1/5kWhpVN2eFWarb/mC30iLi3mwfHlAqw71uQjUXMM3E2wSgnR0OnB5cp+oPTYp076wu4JTeYSWh+hm65q0tuLOOh/NlpNAy7yMIRBUieoFoe6m8m1rbR5DmDeBw/QET+IIHZnMy90rxl2BMfK1hz9Mvznh/Se/iVN9jxN5hIyn3vSxTL5eUSoosLuOQu2QWrK35xgPRk6ZkjO7mx3sMuFgdINy2Z/y/qPHyPUtV6+/y67smdLEVDKCECQQolS/fxU6kxIqbl6yTIkJCxndekp2CIqN4iCihw5DQTvQjEhB8i2tDUUY6kYOtQaGiVDx+jzt3qkrRK89wvLcgBEBCdCHwMFe8fnNf+Tbr/4Zh81rtsMJXTxF8oY8nVNsJKeRw7hjSntS3jN0PXG7RWJPDKEikFgtTK5lxDmTDzAK9FGIQdlsPVOTLlCm5EkHE3TFiCGiITKZsTskMhnLSq89EgNJq9vOHZGYGVNJHkNUpd8OlGSMeeT6Zs/LwzXXn05M+47t4SFdCJSwR1TIk5D23rDSNKPbQmai2A7LEYrDUZm1HlVVHW383KyCs672Utvw9a25AwIrfrDiA00xLGuhsmYu8zll2cdHGurCG+Qt/GKtaK7v65hRLAp0q01au/sC4qn+ZrVxzCrDdGXiVGfMcj/VQxNqp+3GE2clqfLbBibQShJay6DZ6SRveeTvMb7UQmr229+B2JgNhpWAml/VBLKVFcP8mROpT6TM7zWBsRZSy1H153ph6wq0qx8V767vEY4+O4ZmuWuIc0yIx2bX8rO5KVfW5EpNq6eu7qmsNIPSSq3QzwGRAbEtvVzS64bQb0l4v64ND+jsvrucqnBaYwOC++61/u0dbFuTtvo5VS5W94XVCdHayTTE6BliMWIavUEakT6ecNbfoz8JDJtT7vWP6e0eXTlFKqKCtwyprtlaW9XaTggQpHZuLhmlEAQ6V5qhFGxKFEuUacTSBCVBBTxtCQuzUlN8DrX09LphE7cIQiqZkb0jtac9JUMOSld6Ouno4jkqPaobTBKFzKFck5nIckCyXy/nvbu9SFhIc51Ms7BK1XDbpjdtW8FdK5YSY7nm9fQLDCFy3X2I2COC3Afx3koFo8iBIsl7D+VELpFsXns4k1mjO2NGmDDLSIYSlFgzB60Ut56ywZQRcxTyWBxYmMl7bLkjoAb/W2cBmUtUV1uscbOaSj8VymRs5YLL7hEWPsROH2L9CMEY94nbfOB2uiaVfW1R4QUOPlm6PPfK8jCk3mv1uMybpSzK4h1hcrx3l0lq1gernwvvWG/ehS6P93LlH9KSEY4F4RynaoLhzknavS5hheXVeJOZzUu6nu7vlXY+P6mshR7zq83Bcj/SnFDz998Y36eU+nILqZkVV/cAtiyF2JHsEoFgi9Aycdy/Jg4E5oCoyOwoc/+4VK3Bz3Ss3Vhb9PlKy7dkEVBrbWOhbScD/8wzvcpKi7P5KzZTS7XMa8cQWd4r8+kWjZRSU+O1atx4dljNhLAsHr/JwZl8CYTSE9kQdMs2P+U0XnLv7JkjmqdIoOfM7iFpi6jHi2KMzPUxFU/MUccdfaChbDTBVMwD6DnbLKhEBA3RNedhU1OWAxlBLbAZTnlw9pROlc3QM/Rb7vVfw6YtlodaNFrIISABUAi2WI3NMdoF8XTalAla6NTozyLZhAnj9e0t1/sXvPzsU26m5+R8g4TRE0JiR85KTjAmwxsdBc77C843j3h4+ZguRFJOXB1ec3V4zfPrTyglMYlwcXKfe9tLHnQfMMgZW71kzAemMnK1f0UqeyZu2KXnjOM1t9MnOIzyjtwX6AQ52eK55EoyECt01epqpqjgaBMmE6Mc+HT8Pxj5hFMdeKA/yiQ/zEl4b7b3jT2iO0rakcvAlDoQISP0MTqnacBTNb3ZciankVySQzXlnqA1BpEKpAK3B0cQESWOI2VKsB89XtRQOKTe+0LOTuqq7iIVpaTCNCXGcSSPBU2Br579MFN4Rt78MPHMW3tkG7m6ueLz8Bkfvf73vJ4+43X+AtMRxMGIwbNKcxFyWe/jMHfhUTINsV5knYkntS5V3gI9dywl1oJq/sZKyLT9vwos3Dld4x86e4OWj8JcT7f0yVrS5GceNCuQx2GG5XdlrRa8Wch7fFTb4+1nm592LRdKjf817wpIWDL8wPnTL2d8qYWU4H02c/GgZOsBVRa6pwVf19aRZ5aAyjo4CIuQM5ZW0kvcannVY4qLkqZpLcSx1qzuCKbVey3QJE2zqYvfCpG9FmRlJbXz2HGsjeo/boWj66ZuLSsx0HlqbvHusFL8e1EHOj2h11Oi9GziGYGewIZBLhjyCZf5iTf7G06YDsaJbNESsYwH/6vWpkgFxsUz27StUqlpIY4iME0TKSVSTvVZBVF17LgQGYZhvu+cJkqZyDnT68C9zUO23YYubNjkU8x6THosZpAEYaLVgwQ6ZwGrPSFSqqsMd69Z4nY3cptueDG+4Ode/ns+v/mIj28/4kaek4IX6JoJ5B7JkZA6Hp0/5GS44On513lw9pSHp0857c6gwM31DS9uv+DFzQt+QX6OnCb62PH+g2c8vnzMo+4ZvWwZOCNTSJa53l9zSDtuDi+52n/CbnrF1XiPw/Sam/3nvB5fM6YJi7Ey7+gp5eYJKzNcVbU6MoXYK3ETOMhLXpP5zv6fcdCJfcg86gN9GOjiiMRESAmuA5aFnBS0UCQRaq2UwyL5HKoZVgKWAofdDSmNXL18haoRFAYDLYbtDgQ8sWA6TEypUMZMDEqUgajqgq1zl2KzQ5pFZnhsLx0myuTtSLb9QN9HhvNI0YnSjUhfQI1CYqc3PAkv2GjPZ7e/wOHw0vdCSN73UmuZiRhFPcnFs3q1uuesJqk0606PmXzdlw3O7Oi9urfLCtli2f+OxmG2Rgw3mu+wiq9ZAdam5M6NSleCyqzG+MBmRdWzkxeXnZ+voVo0gOCZV9mC8bcezbJsYRFnYx4rFFu5D6Vdx97K247YE206fG1byn55U9K/dXzJhRRVMJWqLTuhLLGhxuSlTkw1k1emexNsTZgt517/3UwQ1ygXApgPPbKY/Oe6MK/ad2+4B5hlnms9d4rouCPcZq1lFUytVGB147RnnY+q2YmB6C3Z8QJYFS+K7eSUjVxy2t9niFtOh3OUHi09dohE6TmzB5yGc7b9Ofs00hHR4jVApRZdusFXs4Jay4xSWKjUGWhDZi6lOK4bNrsGQ4heVNp1dV4rpE9JWE5EiWy6c7bxhCgDXR4w6ygSKMHTukuoc2WKEB01cdmZeNaDoGpkMtmMyUZup2s+333Cd6+/w2e33+HF9JwpXpO6VFNlFSk90TYEPeHxxdd4cP4ev+7Zj/P4/H0enz8j5o48Jl50Lznr7nMWPiffGClPbPqBD+59wJN7T3jYP6ZnQ2dbTN25dLPfsZ9ueXX7nFfdKbfjC7Z74Xb/gjDB/pCZ0o6cAiF2hDhgmpEwRx3releaLOb4fX1kSjsoEy+mn0X1HMopm+4pGznlJBoqEyoZqDGbJBAKpolsNetUvUeViniSQglYUNJhRzZjv9shZE++UCWaIeOh0rEw7UdSNkpWxAZPUpHW2sMtAazq9XU/NbdiSsnhkYCh86aTZ5stpkbR1vjQNfRRdlyGB9weXgLGd8d/j1kmmWcBooWcC0XNre+WdTujOli1tTxDdSlTkbYjl337Bo89du0tCuaitL5RGzQX81Z+U5Xptekxe2Xa3yKzIGpOFjGZBVWpRXVNYPnvi9dlEVJNgNx9EJsf06/nvEXnGNSbz/ymLSgrnd7m67RkEX37BL51fLmFVElQ2wG0CvQ5TLWipcVXJrOVO/t5aS6hReg05t8qhWw+R/1t7Xqbr9VwzY4FVfv7KMFitdCG1ezAYyFnXswBtHqFFeSIrUXUAnthRTGrmWFS40JEhEgoG6Jt6DnhNNxjCCecbi84s0dc2ld47/IDNv0JUVpnXS+WVZMK2BoIJTBpco1qcitqIlXLxynY3RNNw/cJyjnNmYTFMpTJXUU5EWMgBqUbOrZbBz3tu8A0TewPe26vXzCmPcZE3w2c9Fu2elotwxpbVCOHTAmZ0hmWgzdVzN4fKcaWmFJItqdI8TTm6YrddM1HL3+eb199m3/+4v/Dd8vPcm0vSGevMJ0omunDOVG2DNN7PLv/db7+5Dfym3/0v+Tx5RMebd5nK1u2suHq01tud7ccXgiSe871Pu9/+HVUvYfSSThlCBuGVNtaqCAMIJHTzX3yUHh88gFXu6+wG694cfM+17vnvAzfRV7+O16Mz3lxuOLy9JKnz55hMZFsx2cv/yMmeyA5uKuqA7qGQJJIGHqmUni5+wXGBK/Gz7lK15wP93kSHrEtgaEEtvYQLafYYUvSEdEROezQNBFTZjNs6DrvBaXBi7NtuyEqpHHPuL/h9uaKHApRCoMk+hgIMbB//ZrDlEmyYaCnCwZphOSp7I1djdNEykaaPMHFCkgyFGUYBrpYszUZPdY3RbAeCESJFEmccQkP4fHlV0lb4aNX/5Gff/5vsOElpnvU9lBb3OcyYQT6eIIlV54kGO7uS3WjanX3r9TWmb+2uGrjDavM4hmtY2HGb7j82j4Wbzy6FMauecEbItLrGGWpNXIeVnlVsrk31dL1Ny1KrITFEloJkLXCPCs+tvC+hqLhHp/5kZjbx5gXZs/uwLo3W72orJTsN2TaLzK+3ELKvJ5C3ZSYrSdPxV4ySZqG0j5fnWGRPXdfLBZQLTBYLBfhjoB6myB6U3u6K6jW93EM0VI1u7pBmma5DqDKbDG174JowKym67pphlTQ0FA2dGzZcs65PmCr59zrH3Nmj7iw97mQxwy2IbYOvrWuwdO4qaXIQiJVN2dFR2+ECxDqsTWTjrpJcm28pnhvoDSNWE5IKS78FLqg9F0kxgAlk8YDu9sb0nQAy2z6niEO9KF2j6VBvDiCg2hGJONlBRVuR2oBNVKhixKjHchyYLIbXo0vuTq84JPr7/Lp7iM+nz7mKr5kF6+R6C4fswA20OkZT+//EF97/Ov44ac/xtOzr3HZ3+fEzulLJJSOOHV008CmeAJFpx3St7n09iCx9MSGeEFNN5eASU8AR4AfCr0OiGU2ekrMA6/GPRK2hO0Vj+8/5oe+8nVGrtmNr7ndfU4yIZMJgRobUrxAJXomqyZynBjtCspnvJx+nsQVm0Om2BlWzhiyuhtP3Eq27NmPIGRJjk4h3jPKZ7nFayqtiHcSyGWkWCKx41CErgh79iQFiR0iCSsTadpjkgl7x3Ys5untueZe1BZaHkuu26GxbTFPyvDAsrvrPF4SkTBwFu5RgvHe6Q8xjYWr4ZZrgym/9piTZVqs8sg6qlZM22Mt7V7Xgf+Zcd/509an+V5c+E0LYim2XfORN4+XN/6objfuJkEsQqVBMrV+V8ex8iWmb7P7afUgTYjZHca4vv83rKrKx44ewWaBKEhtA7RY/7/U+HILqVIch49VO21mseLs6Yi4Z6vef5+LP+pRqwQFt7CkWkO6Ousi5haiWltP7eh27OLau/sThMWIqiZ/IyBpJfi+8LIiMG2owg07rB1j3ipdQvCEBY2o9UiJaDphkHPO5CGPwlc5j/d5uv0aJ/aQs/wEnXrCFOi6GicIjn+oAjF6ewkVyGkiW2GXHWtwdsdoOEqUaPSacyanRCmZkgp5mhgPO0pxP3eUSKfCpoucDB0hRq6vr9ndXPHqxRdIyHRd5MHZpSMUSO+JHggSjAaw6v1aimfoVRSH5tcHGNPIYdpxW14ysmOvr/j4+ls8v/2Mf/f8X/Lx+B0+yj/LuL0hDxOd4kklY4/kM7bxPf6zb/w/+ZGnP8aPfeW/4LScEUqk7DI5CZYychPoDj0XcsEkG5Ik1OFG3BLOvfd1Yo+EjJJqRZSjYngvlYF+05P7S86GSw6HG+5175Nk4Hz8nP35DV/7+tf48f/8x3l++xEvrj/m6upjbqeOXTYIEyK4kJKOIgNGR5EJ60dGu2YqO3a7kavpPqI7RvuAZJGT0RseRgVLXuhaQq4scOJgQgqJEoOnvGNYcViiEJQuBkoX2R1GpnzLYfoCSIhkNPSEfuBkcwLxQCo3pJsDcoikPLiQQrwuThQkzvtNNFR90mvdJJtbQrWImrJgbmrwnlnnnfcz+/plYeAepFN+7kXhavzYPQCWKHaDqCt0pfEP9fio07G5R2OlcDrjWNxmZjX9oHrb58L69fdpsZs3LapWH7mWaWvX3t1xdFoMUZvvZ74Wi3AppXXptcZxKr9qWTbGXLtVsZTcqnpTQPlxdofXrRNLVvy28jX3LJbZKmsWl8cG/xNw98VixCK1YZpPRhsNuWg2mQWf+Ka1uC2Kr8e6WK3pJS6UBJ1/WhWFd7P22vilfl8LrJmL36HGOUuuaRurwKSwpHS3z8ucGKL1FQjqLdNVIloiYh2DnXJil1zyiPs85bw84Hz/hJ5TgnWeTCF4Qa22TecWUq61DkG9NieIsEEcJaC+Wr3Z7AOv7+fcsBCFMk2U6UAa9+5+AIbOsQC3XaCMB6b9LS+/+IJxHOlVON1c0HU9XdlgBG+EN7sSPWGmkEl7b0/hGy0jZpSSqpZYGMueyQ7secl1fslnt7/Az734t3x2/RE/u/s/ueYVJdygJSGTITkQbKArpzw6+YAn5x/yI0++yZPT9+mmnpBAS6bkCSuQTCiWQDN9rwSNZBXCqS4FsEk9I5De0SFCByG6+2UVVyH7vA9hg3aKbALPLr/BZXmMPDLun99jc7gg7p+ju57pqpDN8dk8dV+IofM6LOnIpqgNDDFiMmJhYkrXjBKZdCJlJZWOMR0qpuWIMSKl0MXeFQKNbnkUIeUKpophxeGtGrtRlCSZve355PYzduMVu8MVX/vgQy7P7nN6byDvE7vdC49NhUiQUxdioUO6ABIpEmcB0UB1XSFyWCktoaJ2aE3NT0x4WYEUbz3fBeXR8B7homMI5+R8w2fXp/zC62tUbh1VI1aXlE0EjYTQEWJNFKCABFrNn62EgSeNVr5T8RRbIkVrDrqMxQI5FlTOk1woVdSZ2d2nq98bT9M77GI5b4tkzH/XeK7DMTWrSmZlflGwKw/SRVDJW+5Xq3I8J3Ksn+POHTnfqokv4mlTLaTSBJeakNfdgn+R8aUWUi27T2aG3T4xVt6z+g6LSVXdadp8uLMjr4JjWk2baKm3pvPJjrWGRViti+DWfXfeJtDWrr1F2bL5xCIym+dr03ppAb8Ak9aSY3d5tPTQKsj8X0At0jMwsOWEM07KOSd2wZDPiDJ4pqDaLMRLE9INNf7I7dEhqsSgWC2MLfluRX5tS1BaM7b6iCVR8kSeRnIVUlR3bVAYpwPjOLG/vcbMoXk2caALA5IjZl6ImcSFlKOJO2LDlB0bTkwR8XPmfMBBSBMje0Y7cGuvuJq+4LOb7/DJ9bf49OY7fJE+YgoHCCOh4LBHSYh09Jxy0T/iwfYpj86ect5doJMiuaZjkxejVrwwN0SQoO56G4IzkJAp0tJxYgVRtWo9SU148I28gPl2Tnu9cq88ZMMJ/XnHth/Qw4AcInZQysGJUjpBJRDE8fU8jVuR4vBEgUDpxK3PMFIYyeLdg3MJpDwRCgQOSHAt33IBdXdt0QY/4YyziDNWq0ySpmCpMZF4Nb7m5vCKm8MrvjJ8gJ4q3WmgpEwqIyEbxXokDahE78YsAVMlE2hdtlv8pPV3EnOAYhMlB3ELWgxq6riWCbIrlifdCTYoohs+Of0qUzrw8ct/i0pX6d6fI5eMaHB0C/W4aoMzW5dQtGQEkZo0WpewQaotPdzWcAqLG+yukJrLB5kNmrfwjtXfq3O+aYis3HFmM09akizW7jo7Pm529a3Z0qJEH99T42VLFuFa+Z4VbJhderNFVtlaE2bfz/hSCylPCaBufK2pwhVloTiETQlWmYC7VRbryo9pyH+GawsF94F76LSJLmYMvBZgfGtx2p3hVtHbkibWpFb/XxEDgGqogc9FoGl1DtHchOpp9NWEcb98y7OthB3p6HTDWbzgJF2wGc8Iuw2Se8gDORppuEWGgqgzudaWo9WpBA3kulmzBSJKL0rsoovLqlWWnMnZY1ApJf895RobMsphz7i/ZX9zhQEhBLQk0mHH1Uvj5vaGaZqwNBFipOsi5VCYDpnRMkUCSYUpmq9rxb5rWViKEmxAbASZUN2RbGLMe17unnO1f8XPvvw/+Wz3Xf7Dq3/J53zElbzg+uQFnSqncYPuAkwKecMmXnLWv8ePPvomHzz+ETZpi2SYyo5tHxzqJWaPn2RzGKmYMRsxLVgs9GcnEJRYhHRwyL889RQLFBTEsfuKer1RULwvEuqJADkwhUDmkiHX1P/rws1h5Pp2z+52pC8bCAMqA0pyytZWL5YJ0iMWkbQFw+GH+hGxjszAIUV2e9iNLzALdFGJnBHYVFdtYRwnYt+jMXr796B0QSE6dlzsOmJN9LnSjlLg09vP6c8DD7/6Ht/4iR/h3ul99h8f0EE5OQ2EMRAlsG2As7XPVCFwKJAalFV155WSXXCYIHmgKEzRyHrAZELKNWIjWvbovkO0Iw4PGPqOR/17/KYP/x88vnnGy93P8vlhYpq+IFnCU6xd0JXZxWdu2Ul1wza2XY4V0tnlN7uymsp7LKSaa2yBUHNe4GCrVRldxSLC3HR08fyshdRi0TVgYqvNS93FXu7c3yLRmh+u3UflPWZQcKSW2a1XSwNma/bY3bd+vppEvWQnJ3dNWWCp/ZT2zDqj7Hw/41dcSP3UT/0Uf+2v/TX+zb/5N2y3W37n7/yd/KW/9Jf40R/90fk7f+JP/An+1//1fz067rf/9t/OP/2n//SXda2Ogjd/qD7P0qrIvYjVBCxXDYeVuWqN2S8Sv6prUDU3qhutgSuuwlVQXVvrYGqz5tyNaPPxNANJWkxp9QCyoux2J+0iFcbobkFy+3lsYltdcAWLKJGA0lmgt44u98TplDBtsf2GNBYO5cCB56iG2s3U4zzkORJQZ6bM7R0UI4unDQVsttwc1qhlaVXdSTw7yoqjbFspWLkllx2Wd6gpahFJB4omDrJnN94wpQQleuZe6T1VuAGnKoga2tXkjD76ZmvI4QXMJqzUF2VOmDhMO27Ha64Pr7k+vObmcM3UjZTgbgnv7gpSGwx2MhJUOO3OuNc94l54RNgFz/zSxJi9JTcWqgUhED3ob9FrxCQoMQxoVMcMjMVdHEVnQN9GG82tpbqyuM2VkS4qfRxAAkZPtgOHNFVmNEEYQUeMA1ZAc0DzBsVpQWp8x+nZ3ZiBnt5O0INhuz1pf02ZvPkhoaOl6ZTiWWEm4kXgDoCBF7+2BB6HhipZKNnIY0Cnjg0nXJxuePz0kpMHPdplXqUv6Mspg5wTSgQiafSsTxcYIyaBiUC2BrFX91RZAJXNRnezZSBNGImSswMjF0C8l9SUd8iUkWxsuxMu+4c8Pv8aB254NX1B5gokI71glhxXXaS2iHFvgmiuiCyyeDsAWWF/rl9v7POmWh65+31tReAYus13tFtxx6ziyI1TGUXr++UlHczwVdbmrsqjMsvBytdkJjua4bf+W3V9raaqexmOrcyhI/lnNoMeyOqoylBX0EzSJpDvZ/yKC6l/8A/+AX/6T/9pfttv+22klPgLf+Ev8Pt//+/nX/2rf8Xp6en8vT/wB/4AP/3TPz3/3ff9L/tag00MJjPulxQjWUUz1wV13IJWjSg0EgKYg6VLGaEcWcGO42WL77kCUJriQJXxeJ6lmsxaKgGWRXNytOi1djVfcfX7Yp7L2k3WBN4RPNNyUSulFqYqZj1BIxGhF2GTe/ppS7+7RA8X2O6E3TSR7TVheEWfT+ntwpmaLfPjGV4FaqxFQ/BEqpy86WOA0gW6GOiqW0kjmGZCNmScnOGUHWkcKSmBvSaVA1ZuCLmjzx16uKaUwiFP3BxuGVOh5x5ikc4ieWtYn9HNhGhBQ6DvIxICYejc754TOU2OgmAHSqrXI5MsM+WJ2/GW64oCcT1es8t7cm9odMszZ+U2K8UOiBRO9UDs3+Py5B6Puq/wUD6ge90RNhnZjuyyJzv0OhA10Gkgdw6/U8YREUcp7+MpIbjLL+TEFDOap7qwZWYihreQCBpmCrXJkblDp2z6LZoh68DersnphkKiyIjFWwo3GNeQerAtkXNi7IldROIEFLIYWETylt62dOkUvU3Y1RVpr5icQtcjsa9M0shpdIWvJpKIGCWDqbuGA44YnlJgPMB+N5FuIrrf8kAf8vT+JR9+4zGnj5Ux3fDR/lvcT+/zwM6IqSfnjt1YoEtYZ+5CDsFfEhCCC9rShGRVg+TgjtOk2JQgZ1IysmkV5BkjYfE1oesJw8DwYMu98B5fe/CfsS+Zz25fcZCPsLAjbA6kdKDkRKcbVN2CkuBJOWYtAybMvpegZdXHqiYtVeQYnYGoF6GmVRE+ToJaOfGbotwEih3j5nHksgPM3ZS5uLWZc/Eu2JWnFaRi0JrDUNWXp7rXuKJQPc7uimy1UOvWGu1ai0pf+efs/lxqwpQlH6D59o5wA5ubsF38+xi/4kLq7/ydv3P090//9E/z3nvv8TM/8zP8nt/ze+b3h2Hg6dOn/5euJRTXD2sNjBTz4tzmg0Uo4lk65GpdNdy6WR4tkPlNqJVauZ0Lc3KAW2hSA5S+gFra3/gCsHw2KwpCxa47jk/NFtosFZslR/1cjoOz1rQbV79ntOLSEMXB5ICIEaQiEtDXfjOBPHWE1JFLT6oJI7flwDQJE8rQi/fqUaWIeM2relwgm7tdVDLaQEfFa7Jmb6QAFEKtJ9luO5IWZIRSJko+EDZGGCKbi1MOr2/Yj7dM40u0KEEiJWe0CGm6po8B7becnG8Iw4BsO4oIRZSinoxgKbmAyonD7S05J0oasWS10LhQFDRuePTgGecP79E/3vDxq++w/4WJ5+lTrsdXbFCygIlnKKKjMyyyW21RHK2AUvHjElnc2iB6UbQSkOixwH7IcyzOsis2WtHYiwgmeVY4rDbXmWM6QSszg8O4c0asgWHwbrU73RFkpEPoZEMsJxTbUKwnE4mhq2tUrYKiqI1ON0EhGlIg5K6itlNdapmsQrJAosdyQJPS9z1S66KCdKipQ1qZkS2j6v3HsmVMjNgNEE/RQfjwya/j8eMznty/R057pv3kFlzcsg1n9IeNI94PHRYVi8qoRlahRL+vYubWYcsc1ercb7A8pg7nhVaIID9mLKNjKO4PlN1IsWv6wwaGxKPTS14e7vHF4ZJD+hYl35LzLZ0YROgxglX3beXUwTUwzEEeoaKoNNJXrQkTK5fd7Lqf9/e8uVcxpspLqLkL1UvjmYJvxmyWGNPSEdrR/auAKgvAuwvQ2hDy+CxODw2QWGV246kuAmrRqauwabH6eu7Gl2bwamGOHWrFfly5ko449y9n/KrHpF69egXAgwcPjt7/+3//7/Pee+9x7949fu/v/b38z//z/8x777331nMcDgcOh8P89+vXr4G6iNaMSrdEhOYOqOxfW/ZZtYik6gNCDcz6mH289b9ZQNQaA6su4zmVVApeONuWEHfpVYm1DnQupv6agNcyqTnX1ou3cv3NGsvKzL7Tcl5EKCQ8LB4oeNzDEz8CQodvv65uscxkGUpCUyKGhEpDvMiu6TTiqpNSGmPFKCqrrKGmGHhxi5gR1TWlqEaQgkkhDoHQB+LQcbArptsdu3GHZk/dJkcoAfIEcYJwQGMhRFvcE1BTjiGnCoiaE2mcXEjlCTJYceGKgXSRYTij7wbG4cBkmQenT0k7Q8YOK6GCwhYsVEzocpjph2AeY6oxEk8KYfGnVE9rY5yx60hTqojrYOpacit0VtTdUVRtUnXWLDXUYuxSqlLtQi4E3PVpe5ARkULL5iwlUohki1hNOCjOYT3OUOuyRIILSedEzBmhNRYkISIhQugoWpOGtPN4kTqclgPfpVlJksqcUKsJOwPabzFV+viY882GQU+4HkfyQSocUk9nfRU86v3KhgidYlJQ8bCgFdx11TwMxWhT1lBOpCgxeIavmFSmXLyxpAlW9uSUmaZE0YxOxua047TbcDZs6XNgMk+lb/GhaObWTWvrITXWiywYeXXfHrleGg+grduxJSUILbtrqY1aAg+ewdi4UOVfa8WVprBWRPomgGpN2fF9NZ5xdIrGTmgqeeNZzRX5dkuqnlhcCNtykjfG7MJmuRfhyCRb7vB7nOPu+FUVUmbGT/7kT/K7ftfv4pvf/Ob8/h/8g3+QP/pH/ygffvghP/uzP8v/8D/8D/y+3/f7+Jmf+RmGYXjjPD/1Uz/FX/yLf/HNCxRbOVv9x1w7VFa5I+0r2f3Ns7CqRUoLYl+9b5bFbQCo7SdarQpTT84QmavRZ//ynS6UTYDCagGrIsMsvNZMv5BLcFfeLJwKpfh3gzj6drFCTk5gMUaK7MgyQRFK2SAlcMJAHy852z5G5RwZTxGm6n/viZUESknkDCkJ0DmxNsKsGx5qYa4tyfq5wha5EjChllEr9JrRnOgF4tDBoGye9cQLpXssvP7Wx+xeXPHq08+YXiWm7ybe6z7gNF5wdnKGsGMnn1J2BR1PUD1z/giMyTV5h1/KWGl1coaUzFSMVMz7GZkgCdINZBGUc+7rV/nPv3LK6+klt9M13335EVf7l3xx/SnX43c5lNdkDLGOopkx3DDGK8YSiECZzGF9TCC6tTaZeZuLEOg670yb8OQRIROjW0iO1BDAAkEUie4qzSxareUmoEJjdahmAgfG3ceMkknROIwju33h9rZjlA1TPIGYiSRMr+ZtotldZaodlr2po6aMIgxnZ1xsHnGWH3GP99iEUzb9ucfVghC09+65FiBlZ+bZlQ7U6AcqRmBPwOvYytk9bBoZywUl7fjk53dMJ0q2LQ+Gr3FyuAdTYBw9kyTEkYuL+5zev0A2kckKV4c9U/Z1POwmrHisKYi7on1uxIvBO0/esK4pEZm+9A5+G+Cw37NPhf3VDWU3EYeROPbc10fc1yd0peMmfY6IF4RvpENQvHVXh4XgtFTTqd29lmihssUj4hTaXHm+34/jTRIqurwcd7SFCmtUvTq5WUwzD1v4Q7K8dOMtwt3GTDJn/zagaZvP0Zih88Bm+dUMU/GWMgvvave22IyuvDNLvsxSfgK24m820+7xWAn279Og+lUVUn/mz/wZ/vk//+f843/8j4/e/2N/7I/Nv3/zm9/kt/7W38qHH37I3/pbf4v/9r/9b984z5//83+en/zJn5z/fv36NV/96ldnraIJFcCZfqtQr5rPPBeNmMzXtdzJ0zeohoPM5/MGfjZ3ebXZbdf8uMxEOadnstaQFv9sa7oIK1N+pWQshpasLGSPA7iGUoVZbpZeq8lQd0UUPDUbB/9MB8VCj8oJJ/GS0J0h/RkiB8QSXVeI4m3Og9bgvxWsZHL25GJnbqHCHjlcqBkVHDajKkwT9dlSFVJeLCklIdNIMCMEZ+hsINwLbHPP6cWGfRiYcmb3nYPHE0tABu+qWlSYSkaZ0DS6i1GElr3d5qrRAS1BA3P/SQXwFpU5ptHJBgmReDJwli/Y5z0bznm1f8FJOOOTm8zVqFyNI6RIzhkLySGIxuQZlJ63TGs86dlVOquRQZWsrZ5tyQRro0HaqFSE+AYWutK3wBUPL2OpAg4hRmGyQsoHbnavub55RcojWQtmwd09Scg1tuXAoJ3DJUlHSYIlhakH64jBC2wv9JwzO6HTgdhFck0SFfO5c4Sg5rasiTKdETeKdoLGUBM1lNhvsBApY2LMkG4TpcI/9aVHUkc6FBwdQihSGNOI7m8YhlMkKJvTnpA9w09CIGcjT81LIu7FWLnXrCqHgYoHiNYMykwMwXuaJSFJJAts4iXn22ec58+xtGVKbnUZByQoXQhsNlvGoiQTpmnvSQdh5hSrH4uV0CzLIwtqzQtmtwtHdOFx6Frf1NycHHcCLjQrqlRLewV/ZDrzLxcmq3uS6k5ufArPZNSqFLWY1LpnXuNr7Xzzy5ifT9Q7CDvijCewOR9bu/iORDTQ0tZlZRb84uNXTUj92T/7Z/mbf/Nv8g//4T/kgw8++EW/++zZMz788EP+3b/7d2/9fBiGt1pYVB9pM3XngKRK3dzNR7TAxc4Z29mDiW0RXQAtqaa0zKWjJJtWtyHzhn2zdqBqIbj7w89VqhBZIyC3My6uAZWlCrvdu4pD+qzvwl18NbZW3D4vWRwZGWdK5RCZriPWbdF4xvnpI6KdopstdDvERkL0TaUmdDUW4gIxk5NBBY/1WFVHq/Gw5gNvkVNSdfMltAoqmQ4ECgPGSdcTQqDoiG0Ceh/OLrbYeMGhu2W/m9iVyYVq6pDtxp8twGgFyYmQR0QCGiIheC3Q4m/3BoZWXXGoMxMdGoOQCogLQSMnGuhPBiYmkiUebz7g9f45H28fIJ8c0CzcplssRa+/Cgm6xHSYEOuIdFC0uoNq3qNYBSf11PoQyuySLY2Z1PVTdQvJm0Y6I5gdAovPhr73FiQluWtPETZ9xzgdSIdbXl99zqvrzxjTnhwdqKjk4KhzFonihbGxnFSXXUceoYwghw0qjiZ/tjnn/uaSS07dElJlDEYWQyeQVONYKGpK13WETggbRbpS3aF1z2THYSQbKRfGbKQp4W3uM302bDQOu8w2ONp91szteMvhauLyJNDFgZOzLVPxjh9xk5lS5rBP5LF4wXlr0lmkFtNSSygaWgQYhdApKU9MJwP9GBkZuVZhGx9zfxO5V/ZwuM8+K1N+TSpXqEx0XceDy/fY7Y3dofDi9mN3pG8Krf51SbRq6eKurDWEmjdc/jPfqq675vprn7VYU0Unbwp4sVU7jfp3czmXWWiv+UoVLuqlHy0Xw/kJy71WxdRrw1qr+vb5kmDWnm92rFBBgVtNooY5WLF06XX+9ZanX/jtW2Jubxu/4kLKzPizf/bP8tf/+l/n7//9v8/Xv/71X/KYL774gm9/+9s8e/bsl3Utn+RWH8WyULZMUAYwt1xmY6t+ZW2diC4t3q2iL1Q7qnqLdbZ6WqaK6hL4bL7b1vgbwIpXWhXBscIQGujsrFCJoOoaSGP6TgxxsYrr9dz33Fxu1Q1ZH9AtCNeOSWdsecCj7Q/xLP567ocPeDo8I8YNIUTy1GG2I9nOXRcJd1XFjtgPM4HNPu168VLmXroUx8JGpGWkec1LoPOKNSsECp1AFzuCCrt04y6hTUdPR98NlBAgboj9fTb6hG14Qj88hY1StgI11hCyu+6KGSmNLpyyu/gMb0tu1dUjvRB6IfQJUS9mDho85lUx3mLu6LUHgdPNOZfdORebE4YOPrt+H/2FHgkwXiem/Y6U9pwP79HlnjANBNQVnuwxrLK2oNW71Vpxl5FZK3iurVik0oIu/v0j1/Q8FvdVykqmQ8I5VvaM0w3Xu+/y+ubbjOPnFcBXETsnhg3nm4dcbO9zub3PvdOH9F3P0PeUMZPHzOff+oK8K0xfFA7jjt3Ja/LJKYSIRUE2nlUYhi2xdHQlEFJEivfTKkFQiTR4nVKSp387gqDvmDiwCUJkQ78FjRCskONE7ibSfkRUODk/heBK1nc/+ZiiEE82bE5O6TZbYr/1Ts0bd3vmqWCju6AlKDY5XTqocdukztYlitc79YFd74x9nw7clFe8zJ/wevwuN+k5JewoljACJ6cPuDy/x9e/9qPsridur/ek/cguvSal1xRp1nqoccjQfGBQ+9xSLQxoaA0y72OfMGYru7FwlaVms7n2WuzJatF+s66WeFMDH7CZjppAazwyNB7WeNQq/qQNjUsXVPpGx2/w27rhBaFoxeARb8/TJNhRDGsdP1lO4G81/fb7GL/iQupP/+k/zf/+v//v/I2/8Tc4Pz/n448/BuDy8pLtdsv19TX/4//4P/JH/sgf4dmzZ/zcz/0c//1//9/z6NEj/vAf/sO/vIutAz9WvI7CP6BZPcs8NKnEbLWy+u5SJd4m0d9rpmmzd1rqJjNTWuz3tVHbnNVtraz6crSiOixfrNYQLoCYCcyaauZfrT7NFqNqRDz3SKTgDXIU0oY+XnDv5Bn3wmPu6UNOwwlRegKBLAdySRxy8NJPtTk43sXoQWnVmtmI9+uq151xKJurQNwFpQKdgpeoFtI0EqwQFUQjQmvXrrX+J1YsvoE+Giengd4uCHqG6QYTzzKECaSgrXdS8bwqt6IaQ6ixKXOIJE8GEG9lUddHW2p3aYjurnGrKL0KsRbmHuwDuq7n01efsc+3TOng2XzTROzcZSbSUaUPZrneQit8bILKhWEu64r7hU7aa9nLlXJnf/GahkplRBGhx0wpZWIcrxnH1+R0ixBR3dB3Z5zoBff7D7g/POL+9jEPto8YuoFh01P6RB4npi6w3+2Y9nsmHTmUW/ZcEWKgRMOCoy1gCZNhYWYWZ7drkRqrLJ7uLOYu7VyLbg1Qid6oMkZCFIIYKY+kcnCPgBgaO6TGwKabzFQSJU2MuTBMidPzakGrYsGvmVOeCdGq0uYWadXpzc/dsthEPakkJbhJV1zn51ynT9jlTxnLK4pcg7qVNGwuOdk+4mz7lJgPxHRLrxtGbknFZrST6ktGJMxc16pLf4324OUwddO8hTGvefk62WHJzjt2GR99b8V15gQTqMJ6obiW+k3zDgl32r+vEruasHmrEFkMAFlxK+eJ1b5cs7e2Rs0DuH7uH5SQ+it/5a8A8F/9V//V0fs//dM/zZ/4E3+CEAL/4l/8C/63/+1/4+XLlzx79oz/+r/+r/mrf/Wvcn5+/su7WM1SqqvixNOqrs11mtpfk/Wchzqh7rMPdXHCbAM1q6kFRWG1GDBrP3PixFxxWzW4WcCVlYDyFcosWkoLnpZ6l0tXXqBq28vfs7ibv5uTW1UuKDryIWAp0qdTTu8/4dd95T/jCd/gojxgc9MTCfSdkmLHlBPptoLRVjBb77WoxNARYjcrRK0/lFtrfk9FHHpHgzIMHSEom6jOvEvmIIqUTDQgF5JN7G8S8kqZvgBkQ0zCpSmn9wOPf0PP8Oohut/wcp/IeyG/UopcIzIxBIgSCdpVyB9XEJqlkWWiUEiWKm8SZKxrbJFoHtjfhJO5NiVW15Cqx6oGuc/p+Tlf5Uc4P3/Mx59/i5/96F9jrzNj3NE98H5SwpbClWveZqj1aPGuxA622ja+1oLN6tpoCs28e48VnvZ+UKGhUrfalUBfCdJjTzlNHPav2d2+ZH99zaa/YFNO+fDRj/H44qv86Ps/wVm8z1m8ZKNbYgj0XSCHyRs59gOv9As+vfk217e3HGTPtb4ANXI3wRmwEYb+lGE44ezsAZdnD9n0Z/TDuVul40TeByhCDBAkEzTV/l9GmrIrPtJ5/yyJSICwTYQ4MaqQ8sQuF85Ot5ycniCbgauba7710bf59LPnTCnzta/9EKdnF9y7/5AYlaBwyAcokEqa4ZoEwSyTcm1VLwXtvKVI6Adui/H8cMO/+e7P8LL8W17yb3gdvs0kO7IYXXePzfCQxw+/wb3t+7D/gE3ZEeOVu0zzVcV9dsxIpSm2NQFCHLLJagZcS26gWXhmFX3lLcMgl6UXW64uv6MEiuYosjlJsB0686gjpacJqlkraopyE062wji9I0SaTrW+8My75EjAtIaKUGrsuszeGL9fWyn8VVb/IC2pX8rPuN1u+bt/9+/+ilyriDP9Ip5/Utrv9W9fMF3SfCk+Qc20rcQltdy6WU1NHL3tUWbA17lAypYFhaphLP6btvCrPJ07Jyz12jWFu5FYjbetkzvW2pkToc1t4VNKjnZgnlU22cSYDtBltDNCSKgamLupVAOEHjG8Q2roay+iCotkK+uxugy8A0YTUqBBZogTbw+ii2TXSClCKnnub5MPHeMr5dW3R25z4pAK43Oh3AqYspc9FhKHqFhQDG+BLpLAjEQh5LK42trciJG1eJt2Jo8VTYIlF1ZaCr0qUZVOiqdb13RvDdWN6+KMng2qPc8uP0SzMN5ecyonxFGxPVhNRy5qINndn7VGr5TWAdUpQVVndBzzBVzhs+Egs1VrLdgiqbRarFIcYUNrNqoJuYzs9zteX73m+tWO/VViI/d4sH2fpw9/mB+6/xt4ePY+73XP2IYzNnJSQYaFTpSODgsD710+YygD46s94+0t02HPDQfPXk0TKY3kkEjyOaHvGc4+4cGDx5ydXvLw4hm9nDD0Z1jxIlcrSpECJddSgELOmY6OUApmW0pxek3mKeal69wiSxPjZMh+QrRj6E94cO8R/c0Nh3EiSocWoUyl1oAJXR/c0s/u5rRgvu5ElEBDjNZePK0+Rk76E6bNOU+mZ+juOdPunH3aVDQU0HKCyhkbHtLbA9LNBi0FSQcHYbYwxzwRo+RaFKtevNsyTGeLxmzuPE2NTaFzk5k1U3GmXarlVGqs1VZ7/oiXVDpZKTqzoS5LanmrqZxBbFcWjtBi8bWkZuWTa8cviRNrbL67XiU5PrYZAFWYlWO3lbPLes4fWEzq/86RzbweApnLVYpAqdlSDs/jdq2FJfhnVZXQVYqvf7YIppYKuniMnRBW9bQzZSxQIHcWmia/7tq67SLmNve8WEusyUizFdOu38z/YzBbF2RpSrWmpDBx4JD33B6uyf0BiQntpopiUetLcsDiMAOP9t3gAkqqgCrMaakqYXZfNe3MvGnXKka3AqZFKeIMKJVCSXih4dhzeGnkdGB/mBhTYr+rG43CnmuyQuoDGjpUelDHVstkT8ooE6EKWowqIIWsiUxmSiNkjyuWWsskKVP6wBADOTjTbwWqGipzNWpyhSN2vH/vnJ4Ihx2DBOIhYDsgCtL5tjFxrBOxhi1XqqCq1fxVOWIWqHVD18i7qCGiVd9ZBG6r80MdisqCzbQwTQdud9e8fPGS1y9vub3JnN17zJPzH+bXPf3N/MijH+f+5hGP4lM6eiIdY3ZLPSCEqIQgPH3wVU7iGbtXe76Yvsv+9kAqjtKBJm6vr9jnW15OrygdyFng8eEJl/fuUTaJ8+E+93pDk+MClhTnOrJx2s/dlGEgqlFy8tqrHEhWvCYtuuswZ9iPhTEfOD07Yegj7z3s2A7X7HZ7+jCgFsiHRNh4E0U20Ts7T8VdfFW/80Sf4BZUEKQTighZ4IxTtBhfO/k64eUrDl98zM2r59gUYYJolwS7ZFveo08PSbsNURNCT7AetejWkdR9Wt2VlEIMFf+vxo4aLVgpZGlZxp5ZZ3fQzJsLH2Pu/bTs81Uh7szT5YidNGNnzcva3rTKrFqYQgQHPWCxoFq8axF8LeGjXad5fvx3s/X7TVA1z57NLus5Rb992gRUVfTvZld/r/GlFlIe5qxB0zrVNsMKN02gugR10QCo2X9rU9YJpVRTumXLrBfcU8Fnq1nWFdnMmkpYZfzNxzf7ul6oadVNu2ruoIakDBVmn5btt46P+eetOtyJpn4/JooKV9ef8+mN8q9//oTT9zd0l8bZ6dfQDGU0pgwTgg3n2JSwKdHVnRB6D4ZLzRRElBAi2npUtZiJ5pnZNs1JtaJ1SCH2GzKJaSzeDFF7Lk/OgAK3Gbk6EPYT0/4Vezmwi6/ZR89Ssy4QrSNajzIA6tiB5mpFtFDTjw2yW6BTnsiWmPJIYEBtgOJdhsUUrAM6kAjqLTKyeHzLBDREtqEnpUBJih0i94fHnH7wG8n7PSSlSx0BF9imhoUCFYmdulbufs1zoNzTy622P/e1bH26ZBZUskrsqQIMq7BdjUUdmPKen//Ov+bbn/0Hvv3Rd9h0D3n/8WN++Bv/BR88/hG+/t6P8Vjf44QNJ2NEKQgj0jmxxs73hiicnZ8SovLsqz9E6HviyQmvX7/AckJL5lQ7NnZGd++EW254wXN+9ot/S3lu/Pxn/4H7m4c8O/uA90++xkV3j8v4mFCxAtEETKS8q61ZbuljpEsbSui4LRO35eDp5ebQRsQGaOwt6jsRLk8ip5vEfj9hE4x5ogs92gl9H8khM5biSTHNFg4BjQGJAqF6FcrEmBOTTKjC00c/xsn5Ex4/+s188OI77A479rsJmzok9VzKh36vRRASxsjZ9oJ9+YL9qx0MBetgMo+XinhbmKATIaQaclgsIIV536wBY5vFNbsFWzIFa8f+IjoaD1nkk7uF25acuUNjW+IxOtfAFt7hruQy8w5X6PwkYcXU3gTGvnP1maUtjsbZpTfT8sJfZ68T4GGR/wSEVEXnmn2xhbv1ADWtcpYXLavFhZS7B6hzt5zHrLnnlmK7Jc38GD+vCS09IsDVUgpHqZ125+eauISmaTR7ZJZa9R5W2rZ6rc6aKKQiOWe5ZZde8kX6Dp/efJsh9lz0F3SyJeiGbJ0HukOsyUjeJ8hWVhNzU7SmUckxBpd6ooBVQWW4Hz23QkPJZE1MmjB1FIpeIhQjj4Vpn5n2icPuwJ5rbvUVu/6WHDKE6BlhckIgIRJI5qnyako0h8BRqK6awmHa+/Uls4mRGASIMzK8aAQJC/CwNNBcf0YVdQaXK+ZjgT70DN09Jm4pCTgIaMFwLDxjJafNNWpoCQRViRAaVvBqodeLxiyU2r85gtosLgGkUGTk+uYlu90t+WCcbx6yPTnlg/s/zNOzr3J/eMwmndAVBxj2SreMao0FVfglAzQoXd9xdn7O/nCPbIUpZ9I4YuMIeI3cJnpTyb503B5uOOQDn0+fMw4j7AvduTH2r2BzoAtbunjiOJK1GWUuDvC7TwcyQkqJ63TgZjqQzRMV+hwYhp6BHrMtaI3lRSVYZBo9s7QlD1FaZqtnTbZIcut5Ne+LXK2E4m5IDa5sDt0lQQaGcInmh45oM7ggLJMwyAnkGvcSpYj6XtFASgWJ5tiVViPeKp6xKQ79YNWybmvc+EbLOFxs6srYZ9dX/b1aGytNmjkN7IhhLMkOK327sTrnPfN13jJsEYbLnbHigceC6g3mRQtuLMJnfaVjBJ03Lr02s37R8aUWUrsIY4BQmBmpVWHS1c1YrMySRIPWWgrAan1V1XgcoaJqAtpsVTxAr4EQPF9JzTeFSCuAa/VS0MhBmvVT/w9rSPojEK0mFCuz1xpjM3C4XX+mUrXqSZIzvICjThfFRk96j2GD2C2aRiZ27OyWb0/Puf3oOfefP+Uz+3/xcPM+TzZf5yw+oCsDmwQZJeVAoaMQENn4MwWlNSsrldkVjNZbZ0YwM8hlIpfEmHakMpJtAk1knTj0t0w6UUpiGIt35x0Tr3e37Hd7bq8/Yz++4Hb/CYf8mkTGulPi9gHD6RM2wwmqSsoHUE9TDhhBhNPQQzJsyrx48QoTYbg4Y3s2cH7xgDJucEDQ3mFtJJBjQcJEIHt79xAroKhLFO1KtWq8VbqEM/TU4ynTUMjcULimMCFJCKVzNxrJQ+jRiEErvXgJxFKg78kUZsmzwzCWNjL1uqXU+haQ3BiWIDGDjdzsnqMJ3uu/ytMHH3D/8jG/8eFvZtudMKQTyA5DJds415FpNHdJ17YJOWdydQE+uHfJyWbgvUfvcXZ6zvX1Nc+fv+DmxovBu13hQjvO4gkX+oAb2/HZzQteXF/x+ovnfLf8H2xVeHr5gPOzx9y/9wEnJ4/o4xknw3ukDONk6HRDyAdub0deXd3w6vqWnA8ImS5MXFzc5/z8kvPLDSFukRhnAhuGTRXevrfSYWQ8JKZpYr/bo+Z7cei66p72JFdU0C4QA8ROkT66mzd15HJKkgc8On2fsjVaI9FSCs+/eM71zTXf3X1EPi1MG9iLsiOwIxLMQZQpE57gVJh0gop+0koviBU8VtrGLxRSjTdXDUak7q3asLMJpWCLpKidbeeGgzMShMylM2tR1mSDWzgyA8G2cy8tf6geiUXBb4q9qKy8UiyKfHVNzmFxxJX9WbFv91CV2bDmd7IoaC2z7fsYX2ohZSq1dVKFGsFdTgvuXNN3oXn+5lgBzvAagCzqgkrE3X3ALLBkZiQyIx0ItgAxNpPKYO58yaLlzJbVHUWoEZevsSMWN81ncS1Wm8oWS21dkEfM7mOWAqmD0oMdMCvkkLmx59iY+Ne/8P/mfv+Uz4dPeLr9kLNwybacEFJExS0rzyoaobr23HzPTHnEJsMa4CbuGk3Fs6imcqhCas+Y96Ry4JBvSXlknPZMeaSURFfc7ZXHws3NnvFwYL/7nJyuyNNLst047Ew2TDfosINuAoyD3daCWKFMGSnQZ0WTIEm4vt4Tup6H9y8Zzk65vH+f8UYdBmhGqFZEfcOnUhwuCIjSAtMOAut00zRMn3/UkN4qCKhRq1c9Ex2b4xRYmRWWecGblV1dwDPOmlWGoY1tFFhIyWvNNNANHS/3r9nt9sTQc34auRge8f6jr3F5ep+tbuno0MKsNGVKzYAMzsjkOC06l6rxV8EowGYYvHfUlLwFCIW026EWiGHDiQL0vLQ9uShijkA/2sTzVyM3uxte3VxxcfoVNsM97p2BWIeVjnDjHaNLNoyJLuAwZZaY0oGr61dM08TD+485OzXOTi6qhm61Q4LPZyqZNCX2aSRNE+kwtvw6JFWw5ZIhOg/I5hl+YYic95f0vWeHZoEsLmM8Q9Rp2zSwiR2jBsqUKKN7AkrGlQXxcpdiqwismSu9DfXBXPA0j7/MO31xhznsVuv4PXO02SvR+AbCbIrLUWxpbTbNR89/LkLLFl42f373oJUgmuWiUHSV6IPM5Sez+dXen3mCrDx89UqFRTAdP+n3Pb7UQmr2s9X+UEp1ydW8ShOXPW1CmiaiTUtAXFtVq4zeUzI9S27RCDwTrJ6/HOPwzVnwjXkd6TQVB8taoLLeHysTvVJxNdqccYkX+M76UiVmkYpUgIBm18bN23dLmLByH/IWKRFjxMKOvb1mnG64+c4t5+Exn/efcXhwzYPNEx4NT9jaGVu9qEzRSEXAOpRY7bfMmHfk4jBIJvV7KTGlyX/mPalMjGnPIe0Y856r3UumPDKlKqQsE5MLujLBYTwwpZHx8AVqOzq7Ag6421CQboemPblkimRu7RVZhGLKYRqxqaC3hZgiIUf2N7DZnnE/Bjanp1zcv8dOMnmCnCKtIULJe6BQLJOru7cLjsUIUl1CvhaO9C0zELF2lSmhpOzKjeVqDYsxwyOxuHbaajdLDepmnl21DvIatCaeSKWl2pJCNND3HYfXIzc3e7owcHK64ay/x/uPPuBsc8FGB6f/YsTevQWFMlvE0kSgLckdJXtdWbOqSikM/eDZocUcBb5kyq3TXI9yEjo0bOi5JiEYE1aMnEdeHV6AvERefMG985HT7SPSuKGLJ3ThxNc/RLrQgwh9L+QM5OJ0cpvY3e54ffWKoJHzs0u3LFXoYu0aZ5lpPzGNE4f9npwSaRwJ1bI3EXLOTNNI6AII7A57Qh/ptj3nDy6IEuhVZyFlIiSEqXjht6iyiR17DeRxosRM0eLKSBFEAoZnm7pnxbxJaoVoKjOuZZ73P/Nu9wSdVVLqAoa9khvN3TsLnUZSM1L5+suzCrziKe0XO5YG9jbhUGuYKitquKZFakfu2fpaTt68P2+O44QO2veOpKfNyvb3O77UQiqIK0ydqkO2iKwa8cmsjTbR0dAe1r2mVJxplBlipLpZDDfJ56hkTc2ovwvUoLfHgVpMQeqKu8XjmFaBtRCV2apqHsWqQ88E4T9atM3LY/2K3h7CDbwJZELihNmElgPEe2jpSFEoFlx4mVeYX9w/5Sxs2QRlL695NRk57bgXHxJ7gA25KLevR3LJpJIY08Hnr2KWiQpTTuTijGBKk9frTHuvdxlvSWUi28Q+78l5YmyYZ8DGtqg5xlsIHaIwTULrHdcggrKM5HTFYRfJJwdylzic3GIaKCEw7QplAt0oZdrSpchoRg6JT6+v+Mp44ICxOTtFciCnzvH2TMipx2wCG+c2KFNOnnwjOHBs8AB8kDC7eNvnLU6k6mnWpTGeuoYZYyoVEzGCRq0aeEOs9vYKDldTAT1DqO6d2hlaXUpa70zjdr/jO9/+iE8+/wRyx9nlfT548jUutg/ow0Ag0Hr6xBCrJTVVnL36Wakxw5RJKZOmPDP0aUqklLBiRI2cbU8RM063J+TTLSF665UpwGiJ4eyCm9uXXF19wnRllBRcnTEjlZFiiZQPvH79BSHcEHVDH3u6ruPi4pKh27I93dD3tcVI3rLb7RnHxOur16hG7j94WK1MmNJIqfe62+8Yp5HxMGI5+0vU594yJWdvcjnumdLEdz/52IFy+8htOnB6fkrf9/x/yfuTX1m2LL0P/K3dmJm7n3Nu8/oXGRHZVCalykqyKKAqkwQIjkgUBwQIzsgJhwQ4EgRBAMFJJpBIQhoImnCikaiBoL9B0oRAgUWoWkDKSpLZBqN73W1O4+5mtptVg7W3ud94kclgFQlWIP3B3zn3HHc/7mbb9lrrW9/6vmnasdvtGceRECNeXK91GLxnDIFJAssq5KLIorhsArdVFJVLEPKIOQ2UxhQVQZ1aoikd+eibC63qovVT2w7Q9q7LBtACVUt8VK2PeEGCYIPWuIbz3q2lrnaV7Wfv/uTSA7W31wk7oOXyqC4x22+XYHTppn7tHajtvyK9wmqVon6d7PEn3X6qg9TWF5JmeH7tFNtPZC9fuZShW9agl4Nt0/QXGEbbhnE5ki2M9F4Cduo2OKgFqg3u639EbBPu7MBe7V3nIX1p9szKyuoettpQ8NUMVVdRtprKt2Xl8VSQRPS19YojY5gY3MTLm5/hNrzHy/Apz/17TLJjLANBHLgmK1TgvBxJJZHySio2ILvNYzksMNXCss7knMjZ5rFyyaxpJmumUshqjyulGAdDms4asomBCoJ4C/6ldCZb9xCaqenIWmcKiRRX1DuqDwZlRwcaIBU0VcqxUnXlYX4wHbi8sos3OB+RRqAQBO9H0O4iWy4NazV/JKk27yWtopLWqxD0sh5Em3WFUFQu50wuiVHFqrNeQDkvRlmmZavaEuR+WtuLyybpZZtRyoV5nlmWREnKYX/HYXfLbjoQ/GCkiDZWcM3o6fDMRjK4ClC9erJ7pQ9bBh/wHrOqECGPIzoFvINhDGSBVQsfLgvHOLJz8JBOLLUypxPOC3EI7HY7hjCaOK9m1KXWpzVJq+gjUHHBtWPkyNnIO8uyMC+2toI3OatcLYgu60JKyWxQcrb+XVG0yYqVXKhaqKWypoV5XTidTuaQXCKPb++tyvKR/WFPusnc3t0SQjT5LCz99E5spi4Ekjr7G0Uvm6sDfIP/+3/SKp2WodaGsAhtc25JaT9NvV9kihQNZ+nB7N1wQMfQNkHYHylXtme0QPW18NR7SP377Vm2G25qKBvj7kJF4+q1ZHvGu8DdReT7uiRrr3JdcX0tMP1kYeqnOkg5FC/m5eakz+zKpukHtqF3ZWG1H/D1hbABgg3eo5XzbFCcRa6CbtpctOyih5jGMpLONupFmNVSXo1a65vqQGfwWAZo2K9r7xNtsx+dMqEVJbe/YYHJqSAaoNyaanlecWXB65ngzfCwlhs+vvsPeH74Bj//4f+RF7sP+eDmZ3gx7RickJ7ekB8y6+vM/DCzLCtv7t+QSyZrwQcTTl3LSqlWQeVsvk3zcmJdFwta2kz8HKbQjDbmv2MadzaP5AS3WoAA0NDIA2Mlr4mcT/iyIFRqg1S0LpyXM2UsEKB4oXqHH0c8gXDY4eeEzFBPifV85PXre7719lM+efyQl5+8RyAYrFTtPBx2NwiFmhdyNghzXawaKsWm7pwaecHjcMHhW6OqtB5OlUoM0c56MNivFusBVYFcShciILiwITIdUq3FMJ9aPDVuh6RVav0CB8ExzzOff/45Uh3Pb17wM9/8NuOwY/CTSTSZ7jc+uG3Nq1aTEKpq56dYkFpXSyb6oG0nDEUf8IPHe9+SvG71oEhdTdEjJ9ZcSKVwMz6j1JmUH/iDfznw6tX3+MHrE4e7Ay8+ep9nN9/C6Y6vfrhYItGgVFUlrSsOj1YYhp1B2OKZdnvGUXl6fEIEjqdHbg43hOhYTwvrvPD09ERt0GRZMvRA3/qCaZnp7LjHh0dO5xPLvBDHgWEaefPVK/QVrGtitz9wc3vLhx9/xM3NDe+99x4+RnzwrN4zhMDdzYGyzMwJimaKZhsaHhwuerwGAsH6gS0/UF+th+XKVTDp5Cwu0J1CH17wSJtJvN7dOibY95jumnvpbdJ2GtUrDsI7eN+7AakHjHfZfhYAVW03K9Qrh4G2AW77X39L7wbKd5T+t4ru6nNzrTjxdUjwX3f7qQ5S3sk7AapTPS/31qRuweJd2Xtb4Ua8u5B/7V/97i6VWLVnoaX9vZY1N+5bb4x24K5T0h0tiAJeGjzYMmb701cBswUr610ZLabU3F632NyLeERHgu7wOjHIHeIiLky48Ai6mABnHlF3x8/c/Aovb7/NNw9/lpvhGbfyjDsfGLxS9pElL5znmSCZcUlU55jXhXmdmZcTKSdOiw1n5pJJucGBZbXeBpZaKm2ztn2P6CMxBMbduDXoizOYRF2lxhWVBaVQJZNWE4i1VyrUulJTpawrdQFJ5ueDK1QWRBIaK1pWqIGwa+dhLSzlK57mr8iYjXtSRYpVSWMccW3A0bxzhDBcWEubmG9nfJZilUo7nwj4VmaJNFq3KuqVUhOKtmzeaMm15CaF0xabVpxaZl5rRqMzsc5mmSCN7aXa1MNVGWPk+d1zVOF2d0fw0aoo8S2Xl81CY0ugWpVUStkcpkupNtyMtESmq2BbgPLBglQ3v9RaSbkNp4olfL46dt6DDzB4bvbPOJ3ucW7i9vZDfvabf4bd8DE1R5bHt+RkxpyG5HqcGxFadSvGxiu19SmczfutaeXx6d7m3KkGSZaVnBPbrqwdUm8kaLVjV0oh5cR5nlnWhf1hz7Tbsb85INEGp2tVnLde2+Pbe9ZlIQarrna7XauifINilZINHbDkK9DxaZGI+cHETVEcb0QLtyUbTXWC1oLoBqqtrJDGQuykCNvEezBpVYv2pPeqp34pkraK5boG2oJTW9fvBo/LrR/O/ndcS8J024f632kQE8A7w7xt/+zXT/uxayy1rcUC77TPuiTcT3L76Q5SW/XUglTLCi4MGL1I+3V8Dy5Qi0DpldVW5l4HqX7w+69rf6U2TX2heG5/nw77WaXnWpluisG6leUqV0XdduslOA3GAzAVAMGoxU4jogMjI5E7DvJNgtww+PeI/jVensjrQs0jVZ7xjf2f4b3Dz/Hx7hcZ3cTIwI3A4Co6Bs7TGd0dib6SxkwWwZ2fqMDj6ci8JE7nxXpNJbNky6yNot37SJZ512pkhKowukAII7vxxgJbySQ3U6SgMVPjgrqFKq3H5TPShxpp8BSJulbqKoRssz4ERVnNvNIXUy0onrCzKX/xM0t5w9P8isyKk6H57whSHKUEI+s5EOfwotTu+9QTEdowJias6wNXtiwbhrNdaP0U1rVYta2tl1ANUjTXWmlJiG5U85qUmguaBWKwl3UXckPJGaoyxEi8HXF4DuOhCeM2xde2bNz15lW16TqaxUXfQK77H96ZTUgIAR/M/iQE1yp/2eDAXNKGJVm1X4nOmeBrCOymA+OwR2Ti5vCSTz/+BaJ7ybp43nwRWOaVZU4IuV0LJtArXb4IAXKDyay/kXPi8fhAjAHvXQtQmVyzheRWiXSY/xoJqVVZ15VlWUgp8+zlc6b9nv3twfqDDQ4tpZBz5ng8sq4rh/0B55yx/5qKvffOEiopNoAh4Fxof8/hGPEScDLiQrOv8IJIcz9ovk+1H1WRNsjR3nGHva8aNL1v04C4d/a7d4VgO4S3rb7tPF+jRO9Cbtd11Y88BlrirNaeoF6shqQHs6vXaUnB5UVMJaPPp/ZeVx8J2B569ZSftKD6qQ5SY/DE2Onn7Sb94NgB83LJWpSwQbzGW6sto23yMy3DqW2uacON4Z0F8a5MSat+1OwaPGXrCWweLdqhO1vc9tqdDAH9dHV5J4uZBk9FN2Iuh4VBR4JOjPoeL4af53b4Bu+HP8fk3uPgvsHgKkEqta7ktHI+n9m5O8ZlRzyeiEGJAcYaGHGIHHDDADcjT09PLPnE28cnHh7vuX+45/7xgTWv5KbmYEw7B74bJOp2EfSZHHGB6ITbmztCsGx9nRPn5cwjb8ymQWaqO6NuIbm3FH8mxzM1B3x1+NKPBrjZ2G/hyUgjDLDoEa2JpAUwkdzhZgRf8csTr49/yO9/3/NLP/fneH6A/bM70rFSZmVdz7hW0ZqKhsOHgU4FrvXiS9Ut0mvKOCfEGDYywnWgki4XpSO1ZmoxWjS1kNcFJ47grFdSc6XOMzVVWKsNPNeejYN6q8+phXw6Q1GmOJpthR+Iftqy9j5/lUurelLrXWoLfm0AtlPQYxzoaiLeXexoOnxUstJk743endsQbq2mU6eO4Dw3w0RlJuWZNa8sNTHs75h277EfPqKkPU6FZzfCOmTWKfH0+NoIFckIKeoDOdvsYhx3pHUh55X9zR5BeHi8B5RlPeMkWNKwXS6C+EulUpqgbMrJ7iUzjAPDbuTDTz9mGEfiNG4buPMtKUGZ14VaKw+PD1SUXDP7/Y5UM6muzGnhtJ7ICzideD5+yrDzxCGwH+6sSlZHcjOZhcflFaIJJwkRg/5Qzwa8ucveYhDo9Y7WjXDe2WC2YNBHZ3jn9z1IX1U6V3uKtCT+eqD86/XU1e+uKiKlmvblRl++DlTvVng/8kEuv6NVhL2NcjmFf9w7+drtpzpIWY+n9ZF0w/uMxwBAny3gUmv2elSV2srWq3NAr4Suc46vlc9yVWZjA+0iViorShumgSs6Khg9VVDLWHqFhkkJGTusNbm5nGQvzSK1RgI3DNxwkI+48x/zzH+D5/5jJnnJXj4gSsCLo8rCKifQ18TireKsydTAZcCpR9pMjfeeOA74xZTFT+eT3edzkxqy/ljVxvq52pi1beildnS9tsFnG/UtNZFKMUJFXliHmewXsj9R3JHqFqo/UUNCByV3rb0Gc4iAFGxodhWkGBkgYYZ8lUx1BrVpCM3KPfO0PODqFzzNb9iNB6bxltxFQduB3/QUWzbeIWGD2zoR5nIz8kGrlKU2ajdb5rhVJyhFHaJ9ODcbO9OLzTZURUtCc0VzQZPY+892mku59CGpNrQcfGCMkeiirffGgtQtSei0coMTG63Kst1N3uuShXfluJ54bV97JZuLQVy9byVsZCRXjVhgbMHMkmaWshDGgRAnvBvJ6kGFGHdWQbmBZX4i50s1Khub7t2feW+fK+dESgvr6gnBmJAbi6zDU7BZWXTl8NKYmHEc8DGwOxwIQyTEuLE57W/bMY5ayaWwpoVlXXBn+92yruRifaUQRp4dXrJ3A9zcMe1GxmHgMD1HxPQpT/rAXI+k+0zJJ7Q8tVXszJ6Hzv69qpa2oHEJAP3HfSu73Po5vPxc2TaLq7XQnnzVQ+qPfvdfVxFL4UdsoTe0qb+vHw1S7wbTr/+VDh9qu0ZaDb+998ue/K+//XQHqQ3ma5EGtubUO3HJaDEbZAOyqWgr0iyYLx5NfYOyYF8vJwh70aqXLE7RFov6Rm0n2nXZICcUCqh1D2hUaNpsRVVHwVhiGdnk+Uubs/BMuDIgeWQnn7L3L/kw/hIfxp/jefiUZ/pNYjkwlFucHEBG1rqSl7fo4xGZMm5MBD0zOGEaRlQ9uZiyuQ+eXXDMacCdhVdvv+Lx6YHj6WimdwHAUbJuszfiwAdjnnUquogpLYQgxOg4L4/ksnI+H21ok0q6eWIZT5zGe5J/pLqFEM2C3qtnzbaPUwwI8oI5wwqEsyI7kGo1T5UKoaJeKMXgmzUVFpc5PnzOq+XM97/6A7x3PL95Cb4rPPpNI1GLDWDim/Nt1yuEplN4fWFrcyOu1CoMYpbsfQxXgBACqgbplLyaqGopSIOhqDbLRFrQNVNnm8PBD7AYpDTndau5YxyJITKOxpbz0oRttUmCaZcdSs2ryySBRO3cGsLQVdktyErroV4WNFvju7Q5DNdkhFSrmQaKa6K6FclGVko1M68n3hzf8Ob0lsOLW6bDAe8naoFSYBz3DNFeOy1PpDQjrhCCJ8awHetSwPlA9ELJK6UkS3DSyuJd2+AMeShVkWqM2Q5x9CCVaiFrRZ1wONwy7nfcPLvDh2AzUEgLgAYd1pJxIZh6SoLTfOa8nuEtJuW0LAxhz3u7j3nx/p5hJ7z34YGb3S27cc9h95KslWM58eX6Q94sX1J/7//M4+PnPD4s0JixTjxKaTJKRoC62j3s8ymIGkzomqrLZQ/vyXT/wRZZ3p19e4e88HU4r5/r65tuL9UHd9vOt1VUsvVq33VhaO9s22tb5dZetKNNPViJ9gB7qfB+UgLFT3eQEjaFAODSL9j8TS4HcauCuCo1ryahdbt0rXd0XVn1rNWyDfsbFZDaMzuDaHo1Yb8sW0OcnqXTGuiIGR2qUHEUNSnQzQNLFVvMpuQteYfLzxjDt5j4gEm+jTu9j8qhvc9MkBN1SFTvUVko+sC6PhCHEdGJ4G5xMqE62EYt9h7FCd4L084z7QPj5DktoJLIHUb14EMLuDVbtpqz2TnUjDEP7bhXqkkj5WQXZRP1RArJn0nhRJpOZH+mimnEBQmEGuDk0eyohDY8qEhNkKGsMyyCLkIKC0USRVaCRiIGSSQnLBLIWpE8853v/T6uBL7x8udAIiEGC3qdNt7Wi4nCdpZlXzcAsql7AJsJpNZKFquAQq8Cqg0CmwCKw8gkZs6ntVLqaj5dLjAGT1oTT/OREM1mJI7GsKopgbdqdIoDIQwMPjZPrpWSM6VWUq20AYGtylO1Dc6Jw3f1A9TMI0WuNCQbViB2LHSTFTCY3CHNAqZSQm3mk20dC9SaWdeZh8e3PJzueVoeuRuf46JdjFULtYr1b5ytocNhR0qQ8gkfFOcK4mywt0CDUQNopjtjV7WZJ5dTu268UdZp1jD0pJIm42PH3klg2E1M+x1xGgkh4kPYtP6qWrDWwlZ5+eANKlwSMXhCDHzjxSfIPiCTww0rQxRuDgNRBqJEPBPFKYeQiNOeXX7OH+5/j7qunNzn5JIMbRDbWyqWCBdtEGXv47QzYqxSWwdtJb0zuLsRDxoCI2Czmi3p3poeV+e59+6s2mILOr16lv74FlW0BSw6HLltg3ULXJf3cxUIWyBrO6aRMDpqdRVbFb0KVH8KKilDPi4Hss/j/Ng6lN7Ku244Xt23PlR/sR8JVFfZSAfHe0lcezqywUiNgOE6Jb4Hy97hkkabtQVTxKBHC1Atxok5j5YiuDzhyh2D+5hRPmQoH+PSLbWaphku4YJS/Yx6qG6l8kQqR7QaTdm7PU5GqkZ7fTCjb2cN4jh4hjEQR2/Vk7tIv3jncaJ4h82oaKGWxfovPUiJgIQGU8GazoAiTsErSCG7MynM5GGhuJUqK4Lg1cEoaBCqbwoPDVO1WZ9CXSuahJqglGy9HGxDg0AQR3aQMTFaLSufff49DvGG8/rEoLeWUeerzK9d9Ob5c53tgeqV70+/2NpFqlUpjQFl4rXt9VpCYoGiwYilUlOhpISM4KMQvQ2EljSTk8NHRWsErWhp5wQh+kDwHi/OoNdeuZbCWkzxXkVwjaln0GXfxP0G02h7f+5qExG9fLbe6PbtNTwd6rEEBppUmNi2VWpiWc88He95Oj9xTmdc9DhvO6jBhtJ6f1ah7nYDIRTq+dysTCo+GLRaCu1xNrDq1DWIyJiSpZStx9w3WQuwXPpUHalyghfPMI4M00iMwwb35bVQpCAl0bK0DRVz3lFTZU0r3k9MMfDBBx8w3uyI+4lhUoITBu+QJEi2tZicEpyig0di5GZ4ySm+wbkIuVU4He67qvrsblB5WzaY0v9lV7oUUrItwcs561Bpr0o6UZ0tSJmEU9u5Olyq2pQz+gG7rINtW6SjhbolbxuE3BNu19eSvc4lQF2C2DsFXZceu6rMftLbT3WQCmIXcPVmZ92zNjvY/SSUq+By+d7IEYVrqYn+lA63qIg5slcht76SUFoBpu311B5n+xylqXM7Ws9HIEq5Yr1E1MjklmGJUiQZ0xBB8ah60jg1zbM9e3mf5/6bfOC+yV5fclgPuApFZ5aYQcz2XX1EvSdEwa2ma1hEyaKEMSLBX6j3okAiq6PgSR5qdDYvEz3eQWzmgHEKnJbMMp85L2dyLawUhBWRzOgXk6bRCZdvEJ1wZU/1iRIfYXhNiU8st1+xDpkUMp5I0EBAIQh5WtG7BQlAjUgaGfJIkUBRR5oT7ij4wRPDgC8O53O7CAqaFFZB5hGXKpqVH3z2u7g687uffMinL/63vNx/C9VniBrBRfyCSEW0C9G2eRcVVAuKGfSJ64KcG1WUnDG3ktVIFc7BOthXL4LLgbE4Qsb8s9YzIk8G57rCOsykg5k8phpxjRY97q0v4wTm82PzCoO8FhsGVqsY1AluGnHBM4xT6xm5xsgS06FURbQ28lC7BPq9V08qNhRbLbunFlOroG1+dcL1SDAk1C98fvwenz99j9/74v/N4/kRLZ4pPsf5HbOa2DBVkWIVineBcR9weeCcgiUzNTDJZJmlmj4jVRmHPcFlSqp4F3ASNhHVdz5BsVTLiSOVSi7G0pQQiWPkcPfC1CV2ByOJOAExbzJR8OoIeFIRarbkK82JtKy8fPGc58/v+PTT9y1YOgejbdBZK3jrA54ez8zLysP5xFEfeCoP+DcRNwfKUMg6k8uCajKJKa3bOEAuHXsxCpetLt8+XZd5Ykuk+u2a7CKtgW3emv7y+DZBXrngO9tQtyqujSJoo/73NbVVTtsmeUGerL/UdCdaUOxpfx+s2vJ7aIBTS1q6NiIXxYxa5V0n8j/h9lMdpLaMuOMQ9AN1QWHfaRBefVXqVtZeq/r2SNUD1vZ1WylXdXGrvqpqMxS8VFzaNgrLrC+0dGtn2dyJfYjLoLHScXqHSaGY46lnYJCJqJGgDkrdMisXBBcFNwYYIwRP9brpt20IpW+MqKtDYarxtpBTTjacmxJoJYaAD67NklVKyTbIWzu2rpfMXZrwk3bKSaV6pfpMDisaV8qwomNFg2VnvXeyZYIBNBZ0gOoyVUI7iwab5VLwycPiCXlsDq2lVbtim1YRpBargJyQ0omn0xt++MUfcRM+5hA+INZbG4SWitNCV7HudVOHXq6hDtMzUzqd1vqSraKqhdLm8igmKhpECMXurgmTeixYJV1Z68p5XXhY7wkl4HOg+kIcBsZxRyiKSCFnbAPNipisN8Ebm1GCx8WIxECI4aKy0rLnWrpH0YUGVOkEmCvYprOAsKx/s5poZKTuq+ZEyFpIOvPq6XO+evyMrx6/YC2rrQMXQVwb5m4qFlraTlvx3lHV23mrzgyp6WQJk/BSVevbukAMQ5MBss8tW4nLdu/N9/4jOhFoGIjDQIimyEHbZHslvBkSFiOb1HJJVKUdG4OrLvuKwXSFJa2UtVDWwunxxLysPJ6eWPxM0kSQgJdAt5DfNh1tUGPtkkgb7QpcbZVMS7a3PeSqovoxhUf3lNMmu9U2RGt3yGUtm1SbjVNQTfkFUarxg7ZlgPYKrf/gstVd/dGt6uqn4/KOrx5Gr9zs8/fXuA6yfyqC1Ndv7eReNfj+OGOtTpm+UhvaoNhaLxt5X9gb76b2C7AtvPaELiKrNKikzaxIZxTRB31rW0hsGZmx42jPbOZ8CaQGXPYMLrBzAzFXfFnJ6Qk/jLg4MtwMjOPIbn/AxRF84LyeEXe80t1rgcy3rAnD5aPzVslp5Xh84v7hnof7e0ou7Hd7wuApNfP28Q3LfGZZzlaXCgSEIJHgIpHhwgSSSpWFHFdSOLOOD9TdmTIm2DctvFpxrfntg/VyvCiyM2ZV8YnsPIUR3IAAOUGdHeo9w+0e75UQRoq2vthaYFVcWQgu4mKgrgsPj1/yv/7z/yt7+ZC9f49b94wgAXynitc2JH0hy9je1PortRotvUKMcdOGpBRqUVLO5GJ262s5Qa1EhL0M7GTgJgQ8SvTCaX3iKb3lMR05zie+fPWG4DzeecbXE/vdgfdffkj0O5xE8gJUBxqYpj3DENjf3OBjwA8DRG+Jx9BUztumURVjD5a2UZQGK2Pq76aAbudLaMr+qtRkZIne2xJxaLV+X4iO83LmYXnN7//gd/jsq+/xr778fSqRcbzBOasCUqsYVM2N10YVmqWNN81GGyw2eNWLfYZU2rAxNly8291cAteV2aZ0rPqqxGg8JHwIhHFg2u8ZdnviuDMWqprsVm0syJwzaTX9v7zaaIVdskLwnnWZmeeRdS1Im8RP88qSF94+PnB+PLOcVpbHmTWtnNMZfyPoWE0Sqk7UBw8lQC0Ipc2uZYP520kSKuKyfRWhsV3aubQ9ZwtSl23qCvWzgXQ6aNQHkhp+uFVSLWEwm5YW/EpFushx69FukB+883e3v9Zl534EqqtXm6Wdmgbp0ba7tmfUap+zK7j8qQhSm0DrdapxzXDZMpavJyKWWDUn2fY4u13PBLSfq1qwUd1sDS4PuPpZK4PtgtLtTOctEFZbsGLeMGyZq8F8ngnFiA47PL5Gdjznmbvj1u+JxTbzYXDc3B043Nzy/MV7DHFgisOmHSflhNlRGHmhN6ARk1Ty0jBl55jnE4/HB77/ne/w9s0bpFaiNzfe83JiSTPH05FcM8H7jQgS1N6xx3oIBlysNvPkZ87jPSkunKcTZazUqG1k0zP0YVrBAkTrMTjv0AAlms7cwmIXknhQj66REiL5aaIWwemIuJUgK6qZoiu+kTGMDl8odeXx8S2fffF9Rnmfb733kilM1AheM74q3ll14cRYlT2l7NP9F+XpuuH/vpsIumjU+CKUs4nqLqczmh1rFVZnFV/yR87ukdUtxGce5+Hp83vKnNGijG5idzqwppVnh/fZDTeM/oYQRgY3sb+5ZZgG4mEwRloI1GCQroZeTVyIAUXXtnnZ2qoqZNUGs8iWvLm2jLfB8ipQTVFCcWRN5LSwzk9874vf4cv77/L73/8dHs/3rDLjo0dGJUsmayanTMkG7/jqNoWFvjkN42DsxxYsqcWSKGfECLsJIfiNdfvOEGuLTera56VtxGKwbIjR+lFDJETry3XjxdrmqSzxMBLDVqDVy/a8ppXj6cgXX37ezDErj6cHlnXldDyTzoWyVoIEMoWFleAdboL97oadu8F9toeU2nyK2ekE9ZRr1EYs0HSPtq48wfZ522dtoeN6D+txQrjSKe1VZUtY+jYkAq5YlW3ISd3WS0eNNgZOO8BfK9yuKqAtOdC+0V5/f5lRdVz23wZugLsEp/KnwT6+JQFcAlQrM6+qp4vs0Y8+9zKrZF/7a1yCXQ9Q2mZOLqvr8uUqJW1wcFtgsDUnr9iyFqQQfD+pWlEN9CrKMSHsGOvIoAMHecaNHNjLRMQRnWOIgf3NjptnN9w8uzXWmARTfNBiZIVma37R/7OL03UvipZpLcvC/Zs3vPrySx7u7xE6ldzzeEys60pKKypq9PNgsNig1fQINaDqqRRUEsWt5HBkHd6wxpU1JlII1OCbOR0E2jjAtgm1M9JgyRygOiVJxpEbwmrKEnUdSOcRj2usrYjzEa1nPAWntWXgFnSqJs7zkTf3r9iHz3l//wijsaeiGoUdVxGpzRMq051VvbPj0CV0+vlCmu+UCOq9vb8CPnk0CzmtpFUpqelJu0IaZpbhTB5Wpv2EL0LxTUx1zczlzLJaUI4yEYjsdrdE522Ydxxt9mcMdg6CBxtHorbZIuqlx1HN/KvBxn5DCHoLtm9I2r/Xy0KV5goAylrOnNMjD+fP+f5Xf8Dnr/6Iz998n1RXqlScNwi3UAwKLl0g2NCKDTprG1yM0Rp6ntarEDxNjsldqNebmke7vjaSVNvotMlRVSyuqmCGht4Tmwaf825Tnq+12vtrSEiv9uy1+55h/845Mc9nXr95RdFC0czb+7esayadM7oKFGHa7am+UqJR2WVyDLcD4TggNUL1aGlO191up7UZ+uDChZzTA8uPBONLRnypqHpw4/L4bRZJpFnGby/bApVsaM+7++AlkPwo6PRuci9f+0nf/rbZqXYta7vOK2xsWdQSCyM/98rqT0GQ6jfrGfTo3rKkzdDtxx+ITU1i8/VRNtOuJkpLvQSqTa2knawNFur9gbbAom/MrjYwqGo9hdIN/9qwZim1UejFtOE0IDqwn16wnz7gg/AJY90xnW94pu9zKy+52b/POOy5uXvJsw/e4+b5HdPhgKojrQqpIkmJo2fcRbNDmIJllKKo060/pVJ58/YNP/zev+IPfvd3eP36NSVnbu5uWuW1ktJCKYlxGi2jFGscG3TpKFXJZaVQqJIo8UgeH8nxSJlMW48Raqhkp/iSEAEvjtCaqKVKC67JKrwA421Asc2CNaHqgT01ebQKuXokBobjyHTYMe2U6E6Qj4T8SM6Fmgvimu5cVd7ef4HkG56N3+Yw3XKzG9mNJiQ6SMCs5n17jg2FBu+IIbLbT4RgahM0g0IfrWeiLhCdvd+bfUDXhTyO1MeZcpxZz0dWTczpxGN9YClnvnX3Cc/vDvzC+AmnhzOnxzN/9M+/wzo/Qk3c7PbshoFx+JDROQKQ1plMIuwsgEXnbcZbeoysDc5bTfKnJrSIiZU0aaTLhJSy+aNotYy2GsmiJ2KPx0eOy5HPX3+HN0+f8b1X/5IfvPl97k9fcS4PiA+EMLHkE+vimWsitQD+bt6oWx9IHOx3e5IUc5nO7edq14v4i7AtXMF8vZIQmpSSo0i7NmtBsIDkgscPET9EU1j3YkoZrWxPyfynSh/Sjd7YqaWwrguFjIiyLAvH8yM/+OK7ZDVJsLxWohu4m54z6I7AQHpcqWOFAW7fv2X6eOC7x1fMeiSVM7nOZJ1xzBQyidQMWXth0hLTdl2Wy+Dnlki+s2e1wCXtuCIXREKaQK3CRuzSdn63/vl1kt33wB5DekX1I2Hp8uBWaNcNb90C+yVIsVVR9fr57XEd3ZNq7/VPRZCy6H/Vh+Iy3NZt4TvGDpcSGQx4e/eUXTEDuXzTCQ/vQIrt254d+iYz45xh2j1gdWHVSgtQLcPU1g8TenXV16UjhoH9tOdZ/JBdvWXilkN5xq7eMvpbhmFiGHfEwSbqJRiTR7YhR5N98cETml22il4WuKN5bSnn5czT6ZGHh3tSWkCVUpLZbuTVBh67H0wr173YEWmm2aavJ2dwCY1nNGYIgshEs5PDabU7NthqAb8TFfpsUm3ZsOAGRx0VBjW/ILJlpRrRmtFsZ6vM3pidTnCDEKowuueIzMAKumznqmgm5ZmH4z2lZLROaB0ocUDdAbEuG94ruL6GBK2FGB1oxYfu2yRU11aLmMq3tHNPjIRxoiZalaB4dSRWPAEVIdVEdSt+rNw937GbBv7V71VyXjjND6Q8UzXhxMJPzit1sWPgFwi1kGs1ur4DdW5TXEgp22xOrW2tCVUTqlBqucIUmuhvLo10Uqmr6TOmtPD66Usezm/53hf/krfnL/ni/g95nD9nLo+suuJ0AB2MQl2VfGX/URvE0dd3rVemks4RAhDNaJB27V5EVtsWrG1w/Oq6syBlRIrq2prRtjCVTeaqG0xannlFlOgqHK1yqsVU/XMxWFybxUpKC0ueeTo9UMmoZKQGCIHgPKNYH3bOK/RruV0jT8d7jucHcj1SmKmyUGWhaCG7JiviTErpMrR7tQnQcDquRmauO0Xb35KrjePq/s7meB2YOnmrQ5yXB/dgtSF2/ZBve+CVBs/VgzYwqH+9jjnth5tSoba9Z4uy+o7g9590+ykPUvZBtS3WviBLLe2gmeip3S4LHaCKb0OK/beyHfp+vl17mrt6fqdH9HXiGiQ0RJtp2eRy0G0KvDpFk9FyqzRNtV6Ga/87xpSbxoG72xs+HH+Wg75kP70gLiMhDUT2xCEyDHtcGFDv0GALwA2XReJLIIyRYRqgzeR0Kw0XzCuplsrT6YH7h7e8efOKGO3iPs9PrDkxryupJsrmSGhHIGAGczOQfCaHE4RXOJ9wMSMh4P1AkBHVTMgzlSeEBJIbnTlAgz0dzf5EisEbDtw+Gi16LWiZjV6ei0FXdYSsUIWigUKgaMDpjlgP3HrPyb0BeTQLESrizYwu6cqrt19wGnbMu5F0e2A/7ihhh5cB7wbiYNlprSZmlQDvIQ6RqIE+byRUm7vCGyFAfOu7ePxuhxAgTJTdxFoXqMK8rsxl5Tg/oW6mcuKDDz9m8jt++/8Fy/nM/eOZZX2i1BkRU4Nfl8y6QvWC8xkfAyFGk+TwgsS4Zbm1lH666FB1DxQpL20Zt8y22PyWJjMPPD89Mc9HHh5f8fnb7/D66XP+4LP/lVN+y0lfUVymSGUGnCql7NBqlOY1ZZaUWJcFyQGpzZ+pQXo202NrzAVPmLAh7caQve7/9QV3nVRu15uYckRxjVbQWBNCC1LeG6Td4Hzz0MrklCwYbjBiZV1X5vlMLhmlNDuOxGl+Yl7OPB7v8cHIPbsYGENgP0wc/IHodnB8YpGmzp4rZUl88fkPef32MxZ9TZYT1a0UZorTNgwTQD2OAU+bNfA0Zf68BZp6Jcu1WaLq5WB48Y3N2bamznxox2ojjnV4US6v6bb+l+0Ll/kpuFA1WsW3JfhXbNfrdsq22+n2HjvNrHuI9TcudLq8vdZPWEj9dAcpa75eWDC52QvUjpOqXjXn+kwA0Kqcuk2/XXKVfsidDdPgO5FC7YRUacwnWsXihBjCpth8VeMazbpWQnPXLMWZh5CVfpe14GzTQ2eO8yt4A3e7b5O8Mg53+ABVHfNaSEnQlHE5I7nAmixslrYAXbhkkNtnq1ZJ1BXN8PbxnvP5ke99/zu8evsFc5lZWw8in9t0vICLjtCGQlVbr6EYXdaa9gpekbgiPhMiqEQqI1FHnGZEPb6eKVJIoaldY+fBEgPrBzmp4IzCLVEIOwjV5s7KAumY0bpS6xnRs63w6shLZdFKrCPB7bgdv8ng7tgND7x+TNS62iXTmsZLPmPW3meEmXUeyWEguJEYJuJoA6yXpAX7XIzE4aa9dW1eVODKan0Z71FnPbFQDZaStgGJFwbu2PuVXOD4+gec1rd89eZfMf7Cgfhix7PDS0LaMdfMfnfLOB5QcTgfmXYDYxxQ7ynR44IFRnV2GNazbcQpJ/KaDO5bVrSNC2gbc0glMe0nxmnEB8e8nPjB97/P08M9p+ORPK+kdOZ4fs3j+hnH9Jpz/opVj2ROJLWJnqoTosZCFbFAndbEOi+c5zMxT4SigDH5as5IBo8N93qM0ei9t2SjWZPUWjdYtTPArhNNaYQfweFcbVqYtVmUwBCjKcZ7j1SFVLcArE3SqpTCOi/M88K8LA0yk9avFcR5pnGwnt6TUnMbfo1GJtrtJ4J6XDXCFFphrRy/OqJr5uGH9xwfHlhPJzQs4GzwvDa4nM2rqxFyxKHOfudcZ8f1//VA06BYWgDCbRVKh/relUZh24d67+rCMb7sjz96r2rJB61NIZ1Gr9sWuL2f7W32AHVdScllT71WFruMNFw97ye4/VQHqa6jVsUcnUq99KE2+G+rR78WP95l6rWbZWwWQMJVLrOJJeI2WwTn/dZcD8Gghu5u2ZahPcObMKfzTc7FosolC3I940ik8sjxDA98hY8jz8OHtEaSqVJU8CWTSiWUiuTcZpQUpz2D1K4vui3ANa+UWllIvHnziqfjG169/pLHpwdSNdhCUdZarBr0nqHBJ9qOs5SrlSiCBEE8uNgypOBQDaADQScgERrkJmo9E5EekHvW1wRbXUWdHRPxGRcdbnLIbGKtaVZseDqDrtgsWaSWSl6U7EZcCOymW5MFcoHH8w/JucGurQLMmpGszECQjOYV5x8IfmKImaIWpNzVAOm6RkRgX3eb5JHJENnwaydOaCg4FKr13Zyz4wPgZSKyZ2Dh1VPm6Xjm7ZdPzB8l9Ea4mZ7h9hMxJ6bpwDBMVjm2QOXjBCGQHFaRSGhr26p0894qpCVTcmY9z9SajZ7vzCAi1YwP5p4r1dxr396/5tWrr3h4uEeXTC4z8/qWc33NUu9Jas7IKsZ7LPRKOGBEn1bZ5NxEYRO+RKq2D66XSs5GgqpVQ9LUyKFpW15fg9J0EBvselVtSfPmErE5JmkIhPRksV2TplRStwDVjSlLKZu7byl5g75UL8SdEAMh+8b6s88gOJx3hBCQQmMJtk7gWlgfFkpeyY+Zeqo2QgLo1RyyNthkg7xaeajSr4Ntu3l3d9fL1OcVSHe1YV0qHUEvM08dsuv/vt4Dt5e+DlSXKqnPlfU/1UHDd2jjGzR79Zz+1uQ6OG4f491g9qeikiqZ5IRs+fglSL3TELw6qL1X3P6pvSoSE9H0HW7wLbi4y0batdGq+jYv4JpZnLHtfLDMuWzK4GUbrgzSIEd1aI4INrPixKqIKkZLDxEqC4s+8d3j/4Uv9Tlf3f8uL+O3eR6+wZ3/FsEdjCRxDhTv2GVPcI7JBVI1o7vjeWVZjd1VgVQS3//+dznPCw8Pj3z16vucTvfcP31OTgtpXUDsIpxudjjfKM49E+8VVBt6dE6JVLOe9xPOvQ9SqLkCA04iBAWXUT+jsqJuRXwxYBpz8qUKTgriq5VNLmPsQhNrjaMj5T1JhPOToi606uAB4YTUEzCAjqRkWbmvMIy33Ex75L2F83zP6/svKcWx5sJ+MvrAOc1ohkUcyTm8G62aagE3xBHvA9FH1mVmiCMo7PcHDvubtnlZz6oZLZEH24SymKWFjx4vitZkPaJ1oM6R85ewnCI8Pqe8vaHubvjme79MfS5Ijjw7fMAYbzgegVpxZA43ShyMESnBmZK9677QjkEiox/IMdvA9PCcUq3f8jg/2AiBqwyyI+jA8enI0+PM8bRyXjJLKq06VAojVXeYZ9gdIgOIb8El4NxzvIxEt0dUiaLk5Yl1ObOuieHa2lXehZ+qYUo47wkBRAq5HcNrtl2MsV2/Ss4Xlp+9B2eD21jvTdoQ7820ZxwnpjA0qN00JmvO1JSZzwtrWlnOM7WYs68x/jJrWojOrqUQHDF6YohWRangY0S8J0nivMzkc+V8MqeAuS7E4mGvfCrfZIoCw4mn9CVLeiLsnijOPNNwZlVvUmPgpOI3N2/3TqCSqwS7H5feh+h2Ld5fzS9hAcB1FwZkS9jpyTetU3TVq7MKs24tLG1RbpPOashMT3q393L19cfNo3bYb4MwoTkD2Jr4yaakfsqDlPWgDLwpyEYvvY7oWyTv3/d/9uzCW3VkhAK2KgnpWmd2wr1XVB219SWkNWi9vwQrE7k0FotDt6zDibY7Tdet5UQtY7KQBVWSbdqSye5L5nriPis+2ebkwg3RZaI6wjIiIRBkQrxQvcWQXA3iLFVJpbKsR2qtzOfMvKwcj0eejg+s65E1nU0HT6x6wgvqTQpKpdnWN1aidIVstYXmazGhQfE4ubPP4ZTqobqK+jO4GfVn1OW2kbcF3fMyadp+orhGARepl2oVh7ipn6R+gszqgtLqZPtayoyoJ2vCN2r6ONwAym4542WgV5mC4rRQaiYhLJzwWGN7XYtJGwVTIB/ixLpmQliIcbSh3jA2yR4MVrLFSPX2yWpDiGuDN1Q9Wj2egdFN3I7vMcjEIdxxEz/ElxsOwwHBE2THYXpO8DuWqtQs1OwpxSOrErjozTUuAq5aut43a6221oqLFJfBmVpEphLGiPeBIVb2O+XDD7/B7nDL6XwkzabHmMvKaXnBOT/ASTjlR5YE3kWQQPC3OAkEBtAF0cKynFiXMymZsruKkRCcdxu1HN7N3O2UikHKre9i13DrAr9DQ29UdjHevTFjlSL9OvRm4NigP1u3xXQT2/BuzpmcsxE8mh2JXAXU83ymnFeymLJ/DIGaBaoxA5fVvKWMlWiqLl49sQb0bKSRQGRXb3kePsGpMNeJGSPOOBa0bTTBm7ahQXy1XRdX3e/WY7K+ji2o3pfz1wSR7vrQ/N1o66NT9jdx4OvypVczPwbuk2rjGar1nSClXEYKtsrzR8gXP/bWYUe5XPtdjulPBXGiU0m7d2232ujKwpfi9qok7Xiq9gxPwDVSgXcbfNePf2fD2Gt5qsYLC0kacaL1o8SJoXiC4QStQatamqYxDYoS1Pn2fpqChVSKFPCWyWU5U0okPb2BvFLyAunA4N5j8h5pthADxvAbg5h9QzXrg5Qry5p4eLjndDrx+tX9dpE6n4CVVBajJTvFR0GCN4FaOhuq6cWVghTFFWNXuarEvNoumQO+3Bm7YHCUcLT78ArkieofqbIaG6vB8V1mCNqxcjZ4K660/pS7UP4lgoxog3jEFWo1G4SKw8mKspLyaLmou7UNyw+Mh+f4EI3+O0dqdjZAioJmcjHDO8oTjhVHpOoKVLwbGIaJaTqg1eNcIKdKTsoQd+x2B5MoKm2NNCmo0rB219RuQhWkOqRGopvYD7d8fPctEGUcR0IYCDWwGyMhDEzDLeNwg3cja4S0VOZTIaeZksqm1ybaGZsGOzu8HStX6VYzxiyt7OMd1SmZ0u4VF0am3R3PXn7AsppywjKfGhxWuH96zdPpnvI9QU5fcnwA7wfERwZ/Z5JWtaLMSE2cjm85hxfMh4XDlAmuUChNacLTc7JaLXh1Y1EnQvSRotmUPa4yfOtPmVvulnx2m5zmaeV7gPI2ThDMkAotFoTyupLWlWWxz5hKJpdKWhNpnZmmuEF+j/cPvHl4xXAIOG/VXFVzIjifFnIthCngs8cVzy7uCc4T8DydHklPKy5E9vEFH+0Co9tzLm+4x7NyZpEjRTI4QwucqzjXki2FIkPbryxQdOKBneZWSUJLilt7oScAIm2q4EplvDG/roe3N+yPDuldV1T0HoFd2ypboFIu/f3tvVzNsfWbbvuqbhCkk0u7pP+vo1M/ye2nOkjVNnTY/ZjqldIvtHKzBxjpjruNCSSyVU84BW+wk/MOcaXRy51h7uIQAjaBGDdwt/YB166N58Qaj6pWFTSz6NV5itd2r0YGqJ0X4zHISqkJ620UGAaDvnwU8po5pRm3fsHImb2cqctXpOmWMH9KGm6R6QN0TKhPJjy7zty/PfPZ51/xeHxAnHn5uF2m6mrzId5mTMQN4CMqzijMnfFTOn1fN0ihYI3v0UU0KBor58M9dcjU3QLhCXVnir5GWXByQpz5TQ05NLSimjMvheSrVUd4nN7S/Y9qLeSaSamSV3B1wEklBDHGn2qbaK8kyag7k51Q4xuUJ3IO3OZbvLvl5c37sM9ozZyf3kBpkkE6oDgSZ0QWg5GaOnbFZJPKYsw8hwddcJIJvvLh+58g454iexMYxiHVEbLNvdmHyBsQrw6i2xEkEscD4h1xHA1BLZBXtQFQPVDz0LT4QEbr/QUdES04ySg0wWMPanGJvrJ78lvztrF7BuscSUCawkcMtlkVrdxMFUZFdqZwnzWTPvmUVWc++PjAD774V/wv//L/ycP5yJoyUUwuK+czpZ6BjJvhOLzi6elzdi6iQ23BqUBJpl+pDsdA1ZEsHggWIHxu/lCCqlHYS612xXUX3WsYX+1Di7dkwEZAGtmlVCqZXMwzai0LSzW9xJJNpy/nGRcK+9ExTqbq/vqLLzkvr1mWe16+/wlxGChJOZ5n1vNqBCEV9CkRh8gYR/bjBFWoSQkxkkqiukp2K4ueOeiBI29xeI7yhipfQHyihgQx41WMMVqt/3YO24ncaqrNaqgFUutGOC7QX3cg8JfeUyOIae4hrqXIXaJHbap769/3IW8bEWwLyBAmxZ5jIHnfV/saa8VAJ21sLRYu7hTa5qGk77wXQsVPqIr00x2kVC/QR1XZKI3a9OlMJJN3MFHgQiOWy0WN9HmgxhWUpmbeMPBmw4e0TrglGD9KvLjOesxr90LOpDVOta2ZS2YjuCsTxo79skFohcxaZ87pntLcUiWv6HJmLxM6VWI94F0GMbhmTSun88LT8cTT8ch0WAm+4EKm5pUixvoySq6n+x/14WelD9+1A9iytdqDt3jUZ2pQytTsN3aP4I6InNFyRDUhUrb5CIfDqUFRWbINADvFpM8HhMl6LaqoLtSaKNnwcrRTmE2KqRNi+hErZFRWkpsRXdDs2JcD0Q0cpg8JfgFm8vIlWTO1egtSGikyN8CY9l46nl8wuWr7vMviOJ8Hjk870t1zxhBhMKCqq9wLYjR7tSpZuvgs0qBRh/fW3/BxQLOabceaEQ3kYsQSraa6UZxSfaXrPtbWOzBI2Y6qrbveI7Bz1u0htjXZjr8ZIZqkFWJsLu9t/i1GY3EmEjpVSkhUd6LUzB999w9Z1kpJM97eoREzNAOZXBfWZPT5JZ8JPlJCseXemh2umnisvauLDJJIwS6KujXvO1R+babXQTEF81GqFxhd+lLVLuRqfeHcyCOlEx2KjTyEAMPoEZ8oZea8PJDLGZHCOERijMxphUbrj86bpUwGHx3ReYYhIuqoThACQymNQ5MZmagkHJ4HviKTCfJA8WfwGfEVqQ5XPV7teJpkWt+f2Panfm4vajZyQXqk95taAt7hvY2b1Cc9++ZYr6LMVWuk7Tl69bst9nR4+d2tbtsH5eo52687kxq9Lt6un3r98D/x9m89SP36r/86v/Ebv/HOzz766CM+++yz9saU3/iN3+C//q//a968ecOv/uqv8o/+0T/il3/5l/+N/1apVgkVlS1cbAGqXbzvFrkXrHsbHnStL/IOw8WcWnG+9ZA8HqPaCt7QczWvGxQjPmCQoUFkdlHWbFCf1NVsC7QSpG1cHiule5OyJ0bQxFMcqkIlobwxKC9n3Lrn/umOndwx+ltOx4XD/o6XL95wqzuGfeTt/ZE3b97w+s1XnBebuVFZbPC2LqzZxFGrjtZTKQWptokGP7WdzpTH0dqYVG263SkexUmmhAWNC+7mCRlPrMMXaD1BXQjNi8qJzY6pQKwV0WybllSbwRIPRET3DNzgiXitlPxESivnOZFmR00DMXq8RILbG806VRrHG2LL0nRlXleWWrgZP2A3Djy//ZgXz2GaMrV8xsObR968PYPbEyTaJilNCLTxdxXFNWJEkIiiLOnE05NDKrz//AVjjBxun5uVg3SZGjPi3M5n09Ur0MRdM2ilFmWdn3DDBC5wqjPkytPxLWNwBAdlSJRQyUM2jyV1+CWAmqPzOBwIPjI0jTrD+q92DwWpGIysldyz5asstitB4EyBQXtqpVal3dy85Obwht14y26YbY/zdoXZWmhXmRRSPfF4fsUYb6lFGcMNSMTVQE3FGI+iLQ+w7L5SqTlhIw6VnBNaHXWIbTjYEUPYIK2SjWIfnG3QpRYjcwhQS5vJgjUvpJJY0sqaEmtOLOuCamG3G5rJp+MP/+hfcH//ms8++z6Hww0fvP8+z26ekXPlh6+/ohYhDgMv755bz8t7xjAyhoHdtMNJgOLJsVJyZV0zVTOZgVQWFLjjfZBKkiPIQnJqfdotmLQg1DQ9OwX/QrnvQarLOLdTjIlHXxJlaclcS5/F9jGRq7Gc7ZHSZKZkMzOyuKLbELi2ZP1rt+vgol8fyu39pp4wGVFiK/P6O+cnjFH/biqpX/7lX+Z/+p/+p+3f3vvt+//iv/gv+C//y/+S/+a/+W/4pV/6JX7zN3+Tv/JX/gr/4l/8C25vb/+N/k5FuWZFW2l6VTrBFsW73pX9yF2ykS1FaAGqZSDaMxJ61eUuWXJ7ivSAWJWSe8ZQjIFWWtZWK1IV3/x1UPBI97LdKoFeA6tab60WG7ZzJMSdccHh4852O7dnzomcF9zjK87pSHKPLO4l03LgzZszj0+P5HrGhUygoLJSNKF5xWyDHKhvNhtb7XA5PhKIPmChPbdst9AxyczCup5IOpPTiRoWgm/9Bpp+HnKp0AD1TUxW60aXd3VEdISyx8sOR7BgkRO1jJTqqCrgPSqmE+jdHi/CLhgZQtVUtKkO33pyVm3YyY2DMB0ih33gcNixnhfEnZsQq5pnURsN6Jl7r8p7ygPWo0t5ZVlOHE+PhGFgl5+hLqLi0VKu0lHrDVVn3NMiGW0J0S4OENr6imbnK0OlkljSzHw+U8vCzAPZr6RxJcqOoCP7+txgO/HNoC8yDLu2GXlCsN6oDxZMxWljstlxanU7aBv6dVi1LrBgvcIkEIKH4Hh8OPFwOvJ4fuKcZpZiG32uK6WuVBIGPlbWNHNulVQse9a00gpAhuBsqLoao85JMiuYdgFaL8NRsl0VOWdqiRd2mhoS4bDKX52SKKylVZlSIRusWrGAbYrnhZRzO1bmFjxNnlJm3r458/r1W56eHs14kUDwIwZDKjFOuDHi/cDh7tnW7xqnHcMwEcKAaFeKF1M+kYrSWJAaCTUS68TAjkH2xDyhksh+QdX60LXhteJooy3Y2Irr+46tRHnHL69tGVcsu26rYseyC/O++xXYZrOcc6gHX2VLWnqhpWoVgDQboa5kfn3b4L93gl//5uvBzbY4vfrXTxam/p0EqRACH3/88dd+rqr8V//Vf8U/+Af/gL/5N/8mAP/4H/9jPvroI/67/+6/4+/+3b/7Y19vWRaWZdn+/fDwANBsMhoQcjUkhhgrpp9MK5mVK6R3C1IdJtB6qUlNvLJlJRu81WG5iyGZ0Pakog1GsJx5C1LZTBXNmoJGkW60cOlB9uLvo2owDQ5KMbzes+LCE15WdJjQKtT4gpwy87JwXr5kGJWHUjnlb7EfX/D2zcr5fKboiTAkJFYqBp/lvFBzRNXhJSLiCP6yWVQFLx7vTKTTjuoCdTZWXV1QnVnrPefyyLIe4QwuVAanZLrTcG3BqVLFMnQNtcn1KL5GvDpcPUAZ0XTAMwEelWxZcU6m2IOYwoIGqgaCH4h+4O7mBVqtf3F//5paCiGLMeKqM/IHlTAqu0PgcOu4vT2wnGdcfDC331IIDIixQoy8wUXjricihnxmUl45c+Lh6Q0SYPf8DnygiictC6Vk1nVFMcuKpDNVMsUlwi4Qx8CH4wuiiwQfITpwit8Xiqys8xMPxx9yPr/hzfn7ZDezjkd27iWju+U997OEMBHigLgRcYFh2BsBYxgYMZ3BYRxpOsNQrDfmMIKFE0H7wGdw5FbVroIZZTqHiyMuCK8e3vLl29d89fiG8/Jo1YEWKomqC6orkMkYS/IoD8zpSAw7zutCcVCy4HYTIt4sOqTg3EoMcZtI6MlGSZZo5pQow9B6Jm3msVYGbzRxs013nFJTFZE2E1Vt4L6WSs0tSKWVdV242e8Yh8BuH3j1+oEvvvicL774knk5W7XmBkLYQTO/nKYbxmnPOO15dntrxy1ndsOOIQ4EN9gwcu7sVAG6i7DDa8CXgZgnhrpnqjcsfk/VRAknSwhcbrCabgHKGMOyMfguxK3rvbT/TDbkY9vupH/tAYqN7GVEFgs43rdF0GnhKLUoXRJfm0OD0AGfHx9UrlnTmyL7HxeAroPXvy+4D+B3f/d3+fTTTxnHkV/91V/lt37rt/j5n/95/vAP/5DPPvuMv/pX/+r22HEc+ct/+S/zT//pP/1jg9Q//If/8GsQot0uEN91D67LDIn2wrIFpkY98Y05o1WbtXavstojVTaTOVoDUF1zpdSO+za77Rb+5ApL19om1VUsu0/7xpJpm4NiMFujeHdSTb1ajJpsTThVao3UMpBnh1+FQY1tRgjUvJJS4vHxTFm/JPqZdRGKJiTMDN5msOY1U3PzlFEBNQaceIEguKBN73LB+cXIDN46AZpW6rpQdCHPluWXek/yZ4pf8IuHqDAXcAl1iSJnE4UgUGXg0uuxeSbyiORAPe4hj5B2rNUeU4NDvSBN3by26si7geBv+JkPfp5nty/45kfftgyyFn7v936b+4c3vH7zmTk2O89yPvLovuSHn/1zkFuOp8j90+cc5wcqTyCWMedqVUfXJhRnFuyWvFgiIVrxOIom5lz54tUPeTo/kKTgwoC4wLoslJw5zyfWPLPmhaf0QNaV1Z1ZWSkk7saRIUT2cU/cvSBOd7z/8meYwsj+dmSSCNPI67zytLzm1eP38cvnhLLn0Z2IYSIMI7vDM4Zh4ubuJXHYEcuOeT1aefToTDw3RCYXCDgG+gAyVlk5E6AtQSleGF/cUMQ0BD97+A6PT2/4X37vf+aL1z9g4Q0lrKhLrGvCoU1MeYfRaSpVEw/zKw7nrwDhMLyk+kItdt2EUNnvPZXVqh2XCcEzjn5DN6Lfk9fE4+MTokpZV3bTZJsrUL2nOsGtibqcyeeTGYEiNB96KhbkcjHH3xgjzgs3hxGRyldffcGr11/y1atXTNOB29tnfPjBh7x88T7PX7zHYfcMEcenn2bCONqxnkbri62peXVV8jlR1krWhEgwgusgpGoU9inscepY80s0ZU7LPYNYkMrjk/VzvQ1KC0roA+At7rwz4Itu+847jDqJ257RH3et6C5i1RnetX1O26ESQtAG5dteJaKma6lYsOJHWdJ/zG1DHa724K0C1Cso/F/zOn/M7d96kPrVX/1V/tv/9r/ll37pl/j888/5zd/8Tf7iX/yL/PZv//bWl/roo4/eec5HH33Ed77znT/2Nf/+3//7/Cf/yX+y/fvh4YFvfvObVh/LpWK6AH12MjvLxXqL9luB5sx61YPqWaVIK5GaaGsjZvTKdBtO275uYe2SFWwMGrbAZOKlLU3tXUhsHkSv8Nnt1VWMUaaCV4cvA66MsE6QBjS3oU61xQCekhxzTaxuNnUIKUgohNgemGymqFRtgdYCnfOCBJBYkFBhWNAm5aLeOhQqdsEXjCWlxXpbXYlAk0DCNPai0ekribrVIA1fb7RWrSB5RFNEZ/tMpBFVZ3STKOaRFNzGUgNPCBO76Y73Xn7Ce3cf8sn7P2twVS3cv3qNq47HN69xUoyMkFeW5YmHh8/Z7U9UjRzPDyzpSJGzVSIqwEQHUvoZ2WBiDPqzxEcblKmclxNVC8Pbr/AhIi6YJFHOzPOJOZ1Z8szj+pZVFxY5ci4nFl24D9ZnsSD1kmF6Bj5yu78l+BdUpzawGz2ssKYVOYNPhTP3pDATBmOElnFPCNHo26I4bw65VRw12kC2CxF13nqJtRM7XINEW2PdQfVKronH+S1fvP4ur17/kM9efYf74ysyR6pkm4ET8yZzLpjBJB4wkksqZ87rE9HvSHXGS6T6QioFxW0OBZVCyjPgGYedQV2YMLIWCwJptSHo6B3e+cYCVRP+zYna7ib1bg23Ktjrl9ykjmztRecJ0dRT1nWhVgteNzcHpt3ERx99yrO7F9zdvmAc9zjxFBVzPw6BGIzQU4dMWRJlzeiqqCsGhTvX9uNOZjFTUJwy6EQsE7EMhDLgS2xJcJMWcxaMXJWryqfvdpdgs/2ks5dV3vn59T7Vn6NiRBkTJhDUGXlJtXl4NXjaObVE/KryutpQeQft+zGxRtoffMeCpD3uwlB894k/acz6tx6k/tpf+2vb97/yK7/CX/gLf4Ff+IVf4B//43/Mr/3ar7U396Olq/6JUXYcR8Zx/PovfABnrCF9ZxaANojb4byua9dhuw6vde0/jDhQxZw4g0dca8h3246rE7blKR330zb1rX2tigl/0gOkN6y3QNHmkCpQnMGMzRsWFW+t+wK36w2jThzkPWK+xecD66NDFyEdBdEVT+X25iWIp+QPSGtl1YrEFRcy0WcLUk7Jjyvrmpnnwn43MMQd+2mHBDEz4PEIMVF3r0jyllXe4Pxsi3gR1gLrGVKOSHYMrUqUGtEnU+H2k+L2go5Q62KClr5sWbAvz9AUKKdAOU7IOiCPN2g2Q0MJthGVspiJnpgWHQq73TM+fPFNvvHBz/Erv/R/4MXN+9yG5wTv8KL4Bb68+QH54cypHDmXM6f0yDHdczp+l9Npx/4mcjy/Iq0LKwviZ8QfiOKQGijJUXLFAUMYOjhPdD+Sraqy5DOpzMzffWxVepspUTVlbU1kXZnLPYueedJ7Fs4kVnI0S4gvUXI9gLvh7Xzi+eE9Pnr2CbfjyBgcz+8+QcLIUiGnBVeVXSpIWqglseRCCg8sT4/sDncc7p6zO9zh44gPA6qFtSRWNXWQm7BjdAOji1slhXpciMjgePPwmi/ffM5v/4v/mT/4zv+dL776Qxa5p8hKlnNLphxh3BOaQOrozJV5zU9kzhz1iVenz1jryotnHxGi5zDdUlZjSeIsKfIDzKcH1lXwlM0bbAgjTsz0cD2fOefEoMowBPwUyb1HNS+kZUXLitYVqqPkmVQrc06WIgkcDnt8MGfhZX5gLZlhHPnWt77F4fAf8vLlS8ZhYhh2dLOqEEZAyBXWmkmlcD6vJj2GMSldCIRhwlQvPHkpZC2kam4HBqsaE3UsE3s9cCvPWXmL6sJTdtRGQInRZid99lfK6D1htQDWVSCuB2/BGI6XPmrd4NGtuumBwmGhI/SfW9AqzpJX7xzqjD/Q7Y6uRdQvOBOX/2+Z+uU9d7KH7zClXILUlsdr733/e+xJXd8OhwO/8iu/wu/+7u/yN/7G3wDgs88+45NPPtke88UXX3ytuvpJbuIDzfjUjluzJ+56iwIN2rCDcSWjZTgslkWoGNvpQrZzbOP8LfPXPiApVn11W2bLCvXiuImgYkrjfbiuyIq6hqtzcQWt2oeQveXw7Uw6HDfyghv/gg/GXyCUZ/h0y3FayWTWfGIaBoZh4ObmfWoJHI8wlxNJF6p/xHnFh2xKEuIQ6dbnhRhH61n49t5LBV1QZop/IPk3rO4rJMymLuEHyuooiyfFEcET8oSTaPD1KuAregKaSaDpFCriPK7aDJEsI3WJ1FNEz1ZB+bqzBANhiBEfHeMUWcrCOYGoKYy//+IjPv7wU77x8Te52z9vUIrpqIFyGO9INwsfvfczvDm+wp3fkuuZVFZSmnl6TCyrUDijZIgrVZ8wHcAJYcS5aTvvRbsYrmWmKmxD4v5qdKHWbFRopfmCCYMqXoQgjlSNpelqxmFzTpDMYNGBBBtiDkNFgplT5lxxRShZKOcI84GQPa5WAr3KB82ZUio567Y5lVwJcSQOO1yT67KmvmOtzjT4JG1BSotjzcr6UPjs8Q2v7j/ny89/wPHpNSk/svJAZiHLGRcG61X6HR4xoVU1M0ttNOpKYSlP+NVxf/qc4By7cc80WEJRuTbjNHh8TabFKOLJTYZrN05oymjJLPOJWmyuatzkxxYjb5BQyWhnaDbKf/QGGbvBNesah9tNjFM0i/dxZBondvu9mYb62AoyQxlAMFq3UeMNvmph2jdofBS8rzgXmGWlSkIXWn9HTPGi2HOD9wwu2uaNYP5d1xv/peXwo0oOl1GQthr1AsiIXClW6IUw0hEktlVMGzmh/+Kyj27B5HJ3zrQupSFNTt41aJSrr5156a4ClemY9uBoj9Ft370UCT/J7d95kFqWhd/5nd/hL/2lv8TP/dzP8fHHH/M//o//I3/+z/95ANZ15Z/8k3/Cf/6f/+f/xq8tIeCCMWqoahAYbZ4A6LbkHYJz2EmlBRjpc0nagB7XglJX69Uryqf2zcpmOap2F1QT5iktw7mctC6wWShuNbabXC7RIk1Rugq1RroSpTHrHHfuPV7Gn+Hbd38Wn9/D5Tvujw8scuJcv+Du2cThZmR3+JBl8bzSSiivWcojqyzgKi6sLUh5nBtwruJ9ZRwnxnHcVLLXnI0YUU8Ud88a3pDiK9SfcQKj7ilrpCyRPFREB0rd4TQYG28xwkh9qrjB46In9CpXAlSPZI+eR5hH6nGkzgb3OXZ2IZIJQ2CYArvnI8fzifJU8ToTZOCj9z7lGx99i29942e5HZ6ZgO1qCURVOAx3cKN8+sG3cc5TS2VOb6HMrDnx9HhCnwrDHtxQiPtEKQtVHbkOeA6NgTkgGNTTJrta5axktb4Brlt2K5oL0hicTj0OITiPOocSKc5M+nw2Py2nJnuFq0iEEBQfhGHvmnajBSmpwnpU1tnDaY9PnlAKodnxFoVcMkWVtc7kNZGWRFoLIY5MuxvCMOCHSBwC1XtCFbJ6lhaIVUCj43E98ZRm/vCH3+Pt01e8evUZc7pHObOmRzIzKydGf8C5HT5CUMFXj6+muqENcShSWcoTUHj7+H2G4LnZ33Jz+4whOHOI3gbv7Vpa1xUnAS+BTMaJsBsnyrqgXQkjgxAIuxEXPKmcSZqoYneViLhmyOkqcbDKXKI3jzLvCNMe771Rx13r69L2B3zbJoyQ0csE0Wr9Sddgs62eNHdmLRCj2boUUThim7OaIk4tVqUEFxjC0PYmizJmtGD9cemMB7acun3fKqd63Z/qKJ2wjRz0hLvPPrWkua/fBh+xTYu+Wxq9E6icNOfpHgi9BahOo6Lvce3rdWC6rgLtZ/115R0o0uSvfoJNnn8HQeo//U//U/76X//rfOtb3+KLL77gN3/zN3l4eODv/J2/g4jwH//H/zG/9Vu/xS/+4i/yi7/4i/zWb/0W+/2ev/23//a/8d9yIeKjgGusMS2XTLenG7VAgwJ9O+o9gmvrQZnArG/qEgEv0QRnuRgYSstAKsbAq0DWrh7Xvm9T3IIJ1tLYhyWPpiReCilVagGSWIVRAoPucTIQ3ME8jdzEtw7/Ee9P3+Tbz38FX29xdUc5VLRkVM+4QcFXfvjVG+bzmYf1nrU+keps/kWyIGElFMv6a50QFO8UkYBq5bQ82OBvXpG6wLSgO6W6AYYbMmo4fzbJqOEQyPts7MT5hOjOFq/a/BinALsBjZUQ7owKmyPME7KMlLd7WEfcvENzRKtnpRgkOCX0kBjuJn75f/8LnM8zb97c89v/t0pZAi9vP+IwPsPXwPnphNfETvZ4F4jO4/wORscnH/wctQQoA7WsnP1EkMIxnVnrQq1iEkhDQZiBTNUJ1gI14KviNLaEpQ2JY4rbNrtiQb9fbL5RhalqZBdLk7YhcicRTyTIgFcziTSfQSWVzHQDQ3SIzyhnlvUtPq/UHDi9OrHMiXJWoox4gbVR21UgaaZUZS2VdZ45pwxhYATCMLGeEuWpGkvUe/bTHicBh+M0L6ScOS1nzuuZJS1UB3fDxIe/8Gd5SO/xtH7JP//u/4On9Q1rTmhxVGfCztQFTUKtCalCLoncUIUqC2tNfPn4B6z5yOn4SP6wcJjeYz++hwsHRokcDjdQlTLbgHIpHRJxFGejGkPwnNPCOifSvHB8sOxcAe8j436HHwUXlVRnilqgtxSxGnToI3EcWlXpcM5YrV2xQ5tyjRPBR9+2DtsrYtPlpJsiVhszMOfmgAuOMHr2HtwYWPLKejyzrAulJoquDDeB7DzeQckrSRdMWkaRRrlXZ/NKfbbouvlRt6rj0iDqQQps3uqaLNExOlFaoijbZ+pGrNr64vS/eXUXZ+0PtzH1LEC5Xkv9SI/J9znBVk1dft877T0S0tiy7XqSd+e+/rjbv/Ug9b3vfY+/9bf+Fl999RUffPABv/Zrv8Y/+2f/jG9/+9sA/Gf/2X/G+Xzm7/29v7cN8/4P/8P/8G88IwWYbUKTItoCDk0Z+prw4LBMFwzBq73F1Gno0oZ2XTsR/S4Nj+2wDw2y0zb+cUUfx055qdVOpcNSfBWoO7DWEJEWHL1prQmRKLd4GRndHTFMDGHPy923eD5+ys34ElcHk8zxFvhEDuRGYljyl5zTzFwfKbqYD07bQrUquQuwq0kSmU+Ps8HJMpvra1pgTdDgihoCOuyNCUamFCN/eO/xMSMho5JQDdRq2mVSBMkekkdTQKqphmuNyLKDZYTzgOSIy5FaI4JQJONCxU0FP0HYF26em4L4mj3jEMglMoYdTj15LWheqVqJzhhV1VvV611kP91xu3/BMidOy2u8g6pPZHXUZCrq2pIL9Rl1pmMICZbSJJP6mbXXba2pTf1enGuDVE3Sqe8NjguOL5Zvu0ZQ8S6YEKw6G1aVSlZwzhOGAXEVJVPzTEnAGijzjC4Vn8BFs7dImrb1n5VNZldtlzfyvIi5NpemotIy9ZRzuyCE82oMtHldKbkgCjfjxO4w8vz9G27zyONyxw9efZdC5Sk/gPpt/kxqpdSEL9aLq33zkz5ZVljLI6dlIOjAw/E1Wj3BHch5pGplHIy44ko2YkS77kCaSK4lBk6M0LGmU3MZrhAD07Rj2k2WpEqh1LRdcs61BMJLUzW39SvSZc7s+r7mr3VTxlLa3Na2P3Q403aBrbqhKV44wQ2eSCROA5oyWVo5JYofpNHMTZW9aNpaDU2iAqqavx26vZ9+615ucvX3q/aK67r6ulRVNp/dUCE6PNje+1Uv6ApY3L5q+9r7Vv2/7kQOl0qqf7/pB4pcvfDVY1rS1vdd++2/p57Uf//f//d/4u9FhF//9V/n13/91/9//2OuRXZvAaAXt7YeGk6vFqAsq+3oX0sZ2kl2CEECwdtdmvun/RZ7XLXstXhzEzUCRO8rYWrDzpHW1YJBa6K7GonpG0SxYb5pvyO4yORuCExEduz9S6Ls2PkXTPGGabjl/fhzTG7HLgRKOVHyI+ICaKCWkfunmbfHme988TlP82se9HNGNxF9JBJbMF1J2Rh9qpNZT4SBignWruUJzQsur6SnRF0K2XvIN0i9QabnIAVNswnMUhmHlZorKR6payVrZVcHfLUAVZZAORd02hshZIm44y1u3sHTgKsRxwAuUBzUMREOlfF55ealcrhb0fCG4o4UfcM0Cqo7okykc+ZNes3B3xCIVE2kMDGEiRjMIuRweMnHH4zc7T5kjMLj+Uu+fHDE45HHZeZtfk3KlZIy1S8QFvyQ8UGZqrd5tlIpZbV+mAqVQvXOLEyazQKloComL9V2Aed0S5A2E404EVSJ7HElQykUrdSmlHE4POPFyxeIL9R8IueV5RRxi5FkQgkMMiJuQJ1wyhZkkUqplqdqsNcS5/G7ifH2wIsPP2DwgSgeKYWcMm+PJ85rYikFGSPjbuDmxTMO08h+HHl+2DHudtw8e8lJFh7TE4/zwne/+F0eT2dKXc3SoaER2gMGrX/T7FfEV0QyWlbmBHldifKcZ7szUW4ZYmSaJu5u7hhCJEyx6eopQX2r3pMFKAIpOEoqnI/3PJzuWdaZcLPn2bMX3D67JUtCEdZ1sWMQIvv9yDhNEC0JGKYRkYhiQajD6rXrz3lHKwhYV8tiLaGzfSB1g8MmGF1VSTnjnGcYBKLJXR2e3xAReJzJaUYFwk5ACykvLDKz6oxJgVR0KVbQOSH7cqni6P2ha+3CbrFRrsS01wvER0u4m2LFEDpLwtai1o44XQe1S1AUem/zErJ6kO6svWs4z37/9R7axgzsr3IFK/5/c/up1u5rR29TNO9xf+sqqm4TzoJYc7sdLSdCFMukukOm81aZ1a3BKFvDUFuGV4tsPagidYP7tGXIvt4QGBh0xxQOjOGGF7v/HaO/YQo3RBfxEpjcnqAjgZG9v8MzEnRnsJAMTBwI1VOTqVnkUlFdUUwAlpAJgzIOgVRHJt3jNQLOrOolENyOaWjWDM9uKdUm+R/nL5nT0gZzF6osRv2ujnoyFQfT3HVISDiX8GLDrsUHasAEaV2k4EniqXhcidSzoBqhWW6QA2UeKWto7y+Ac9S4UEJCbk/IoSK3lbovlHHhMX+PVI3wcXfzHhKeERmgNA8xv9DV47uSkSAErwZLjjb/9bJ8wnje42NkNx55mk9M5x+wultWrawaKeXJDPDkTN4/EMINLkfWo+DKQMmNACKQmxyJ9TpL25gFqmkf1rYCc18tgsFBGhjqSKwRr1Yx2Bp0hBoJa8RlQRLUUyXPBZ8U8Kb6LitVM6VAruuW6W4oSusxSXVoqtRUCXgO456b/YEgpmJyt64WpFKiYBuM9479NDENA1MMhBCJccc+jMgw8NF73+C8PLD/7IZFj9SSNhq7E5M1omrTVk9UkvVft95HA0ClApllfuT46HC18nx/YNx5pji2KlTwGLuspJWchJSV6oRVC29Pjyxptl5UXliWM8fjo0lpDZ6dH3FhIIwju92BuJvQ6BEfUG+W9lKbCHSvQMqlstgo3e242hZeW3Dogqw0JrEhFVWUrBasHM70HKeB9XbCaYScSMPKvGaO6cySDRa1IfdMlqXNagpSWpVdhW4K2lQA7H00uaKcBa3e5gfb4GXVuiXh3tt7kzaMW5310brPnV712vta2gLhtrGK2aI0pZ3tp1vWLlcZ/I+nzYNVtNvjv/ZXf7LbT3WQuggwtnjVe1HI5bC0ZMGJNDbNRebISW8qGvVcGy2w0mALsf6WSlcDNs20otUapa42IU+o6qB6gt4ycMNeXvI8fMjN8JJv3v4au3jHbrizixvHKBOeQKiRnT/gCGgyq4+awRXzBSp1MWuBUinkRuFVJBYGhXGKZJ3IemOi20XJxRhd0QXuxht2046725esaeHp9MC8fMGcF7SsVlXJQmFAa6SeJ8ONixFS/Ahh51CKIZc+UryDMKCrBR0LUgFfIjp7NBe7tsQuupICtRgTDHHmfzXM1GHG3T3CQdAbj+5W8qA85gzlDuQld4f38PEFgYhkIwskv9LtHqQp4nix/oIPkTBadv6cj9nNzxjjHYfxidP5yHAfOesND1I5qWcpb8j6ihJn8v4Rf7DjngFZjEocGr6fVaHpNTpnNHIvASE0Bmi15rlWfGsah+DxLUiFFAkajAXojabrSySs3mCzVdAjlGRU4iCukW1WO/+N3twvbifxCpY2CKus5hTrqzBFq1amwVTVqypzSqwpkbuAqxPGcWSIkY6NVwbGweNl5MOXn/Bw/IpdOBiMpVgvtSV3qtngKEkNiktULQbBd5hIHN4rIpllfkJqpS6J/P6HSNwxTYMNmzbatmolh8jsbCNX71hr4f701EgSBYpjWc+cj08c4g3iJ3bjgB8m4rRnmvaEaUcdvSVgKpvXpuPSo9ka+LINS257qqIULc1CpDb/OgsUfaQElFwyMVgFM4RAHQfCzWgwfVpZojKnzCmbbmbGSpVKpUgyuSwgZIeWgNZAzS2Q+AqNuWgkK0dOA1oCtTiyrjT616avqdpiW1NOcU3n0IJUtt57x5ykw4C9ldVTfZNGE+ks545L0qLRVmtxHaguwahXgxf48Eej0k9aXP1UBymT+GA76K7hvFoV9e2IOO3QML14t95TlzeS7d6jWg9QPXXo87nQBgW1mP9NX9gS0DThyo4PD/8BL/bf4NO7P8Pz8RP2/hnP/DeMjEFEc7XMv/sMqaDJU0olzYmczJDNhqhMaVpdAeeZ9iNhCEyHibUU1rTy6v4F0zAyhh05Nx+eO+Wwm/jwvRfsx4ngPU/HR948vOJ4PrLkE0lPJDmZbQcraLRFmp3Ncy3VsvZhxt+u9jHFG318cUgZrQEdAuoGKgGtHl2AVSxgChRxmJuWo4YZFwQZhd3zGfYL8mEyyw/vOOuJkjLx8Z6pRnbDntu79/HzM1JK1gcqii4Vh2eQgbRmzjLzdDwRQmC3OzDsBuIQGMeB3Tjx/u375DWRU+Lt08ec81vepJ/jTfk+T/UVn51+j1UWFhLDsMPLQJmgVEc5G0yjKEMMjUgBPljjN4hvsJsFkd6g6jBI98wZ/MDOTRRJLG3QWSTgF0sApAq+eHyxGSbB+k02VVcp2ICy6KWXIrWRIlzELF8c63nhqTzw/e/8K958+RU/3B843BwYx4lnz54RmsL3frezta3avrL1OapmCyKsjCGwG0b20w7cSipmXa9VyakYO805xiEY8SH1zo2J1IoLRlwIkeg9jkJNibWeOd4/EGvgZrgl+MHatK71hsOAhB1hhOMy4Y6euaxG4tAzt/sDYQ/h/Y+4fX/i2f6AS36DVNY1UfA4t2fjQffmTL+1BPY6WCmNeYY2wkIr1bdN3O7Wn7HjoKXRvt1F0mg8DIxlIM8DT4uCDkz+JTfuY6QOnM6e6ndkH6lhQaRQNRsZoldpqpSc6ZWUSX0ZsmLwKKRq4taI4hw4D6HQTFqlDTRjPU+1/cFqfkHVmU1MhlLUenFd/sZW8Xb/4wPKdeS5GgTuB3zzNvuJtvQfe/upDlKddecwQ7wtSKk2WwwsS+l9KXvWFYZ6afb1PtU2K0Vfj9pgnOtBukLtLWv1NltRRzwH7qZPeLH7Ju8dfpa78BGT3DDp7aZ43umhjXkBRRtV1Sbsc842UNrntASbO2p6bHEMTNOEywlxjrubO6IbGPyOXGwGawiO/TTy7PZ2o8KezyuneeG8LmSSydWQTHy04eNstHwMKpibbJPHjhMC54AkDzUgGhAXEYmAR9Q3KFqaRD3vHFdcskHOUXC7hBwKdVwpAhkx+EMLc8qIJmKteHGoiGk3NpfgUD1ejFpcRalSm1hstaDpKyqRKY4tu40MBDSMeHmfJU8M2TGWgWN5gSKc6iOPvDU9NnUsNVmgzU0TTorBWNpM5KqJc9o50m2t0BrqVV2bH+psT29eUm4g1mhVuhsI6pHimm3DlRyT9rm6pnLRjeb68dTLhuA6JNMG/kpKnI5P5JQ4n8/My8w0TQBM+x3jZPp+zvtWYbHN7VmwtUCVdUWrGS36TixyzvbsBns5HwneISOsaUGKbMu7N/adXIZU+zBgLYV1WVjHmZwWNrdr9WxkBrFxkjhEfOuvSDCq881HO+7eO/Di0zv2NxND9Kz3DYYoCZaVUqVJfzX2WUdIG8PMPm8/c/3aNnO/2jb07UJt/W2u7rWaRmDJBe8yIg4fpAWbineeGAJ+MQPE2+ElyZ3Z1QOPYWDhgRM3rOXBSE88Xs57U4UvtbTY6qgNDjT7Gvvb+eJUiA9dXLbtbq0YM+S8rc1WiUurnmpp93o1f9WVdhowdV0bvRus+mv9+B7VVQ11+brR7K/pG3/y7ac6SBmdVAxaaREb1YaHu9YkbPWvtI7BVQTSrVLqG6lr7CRAmpqyKlJL6zuZPlkm28ZRoRYhr7DTO/bhE7758j/i/d23+Hj3Z4jJ+htks2mvOV1tKFBSpqRCWpMtuJQ27b8QBoIPjLuJYYwMY2B/mAgx2PT9suJc4luffJucS8uE7KNO40gtmXU+8YMf/pDXb9/w3R/+Ead0z7G8JY0rdczUeoZckAVYcsvSs8EYRZEj6Czkk7eNSR2SR9AA6hEZmp7eZNI41TdTvgKymgVAabJITpBwxk+V4Q7ii4wcEk/xwSb7S2jCocJxTuQ8k/MTN/OMnyPzm3vMa0KNReUCd/tCDCPRD8TWS9RVyHVhWR11GBncgIuFKPac9w7vo/KCD+RjZjmzsPAzj3+Ot8tXfHb8Q07pnnk9cnr4gvS0Up/W5v/jmiZhs+RWY4u5oW1x0hIXtYzcoVRxuGKbxeAHJj+h3nqZEhzDsGMnB4YyEAl4tb6GeR9Z/VSlNjjI1o131jO0myEIwfmGC1j3tNbM0+NDGzZXW0PDyOu3r7m5veVwc8Mnn3yDabdjmqbmvdQ2LVVKhbXMrOXM6fjIMp9sUL4F4TUVUMER2O3umMYBt4MyV1x5S12zQdWNHOJ9xOYGG35R7Vo6n636fTrfM2lh0Gr2MO3zVWy+cJr27KY93g08f/GC4YXwZ/9Pf4aPP/yIX/jwf8P6qpAeCm8fHqjZwzrjl4xzI+Gs+ODxIeAHg1md9DmoJrMkfQO3ajjn0qC90qb8bXxE1QbfTVC6klMm52KCwo0RGILggzDuPAOCD3sW94zddMN7Nx/zs9OfIfuVt+lLHtd77ufXfHb/HZ7WV7wq/7LJT50gJBuMztrU4AdTZlE1M87mKr0Wa1mIgC/GZlSF0r825f1LLwmEzoxQgxCLyR7WNnPYy54e8HrXrucYP1pVXYKR/fcukeJyv751B4Kf5PZTHaSALZu0eGNZmvk66SUAKYat6lVkv4LwlD4x0LKJBoNY8tqcqmrDdNt/VU2vSyuIRg7jS56PH3M3fMReXuKWCeYARQxrL5WahdI2sVoztRi0l1NGsYsptqn0OE74GJh2O0IwCEG8pyqsa6Fku1jMvM7YVXFwrU9QOZ+PfPHZZ3z16iuejk9IsB6Iq8CYUL8ibqXO2bylVpsFEWIbYXUbJKnZzN3M02gHeNuAZUAwGj2Y1bc2Wesq4Kq5E0vt1UE7xg6KmpxNritFPUU9SypUB4NEnDcW4O3dHePhJTpAXhJpWalLhgLn+cwsKw5HjLum/j0xxECMES1KdJmyFiY/MvjIFKw/gw842RF0YEiFMcFufYTk8HnkvVE45zPH9GRQfFHyuuK8J7hgag5dNLel2OJaNp4LubaB8AYtByc4CQQ3cHA3SPCMfiLqQNCIq7LNCuVcLFC1AGVqJ37ro3YIpitU90y6qy2ItI2pEYfWtJBrpr6tzMuZ4/GJcZo4rDcgzzYSQGn08lyrDfCWEymdyXmxOaiSyaVQ1TGEgd14w35/QwyBU35kTZlUTHzWNBBbVdWuHRQbvq82d2PuvolUMr4Uu0ZqbevZFCgUZZ4L3u/42W//Eu/9/IHbTyZefBoJ4k0P9DHA7BiGASSCM6anzTza364lQbEgqd5fLCmwrL7LoyFGdhFVY+g2ZfXUmHHmbtAdfi1I5ZQt4SxWdYUg5BQYhwlxjkl2Ro5o7YnqKtHvuIknnvER7rTjbfmCY37gXL4k1ZWqM5VKylCrQ0tEc2gBc21wYKVWv62AHhpKg2+Fq7XgeoBSOvG+nxtz5XVNcUM3RMCecxG2vWy6bd/Ud/5p+6gqulV3rWLS68e3nzfVnZ/k9lMdpH40QF3it7uSAGmwE2IQVu+LXh05C1L9ouoAwAZi96PfgpRuQcpgRHBE9vEZd9P73MQXjHqDLAGdQbPivGDK31C6a2ixBnOtlVxsyj4MkThE4jAw7CZ8jEy76UKdr/Zc61tZkOq6CIjpnTkvLMvMOp/56qsvuX94YF5nZLAsy6nCkMEn3JCMNTY3Ow1RHDNINMmhijHHajd8DGanIZ7isYDWA5WYc7FlqTauburOWKDD4KGqgoqa/E1NZC2UpvCRUoO1xgASEB/Y72+44TlxN7CcZ+bTmfnhRFpW5sd5u2BjzIQQmWomlZFYjM4bJVBcoYRC8RE3gPcBpwPoYIoC6y1hWYnLM2rOuBIgOsbxiF+EeTlTslmHWG840G0v+vqxTMgaxZmy9XhcDSAOVXt8dNE03bxndNMG80nbIEqqlJIptVKddsSXa2h6o6DVvoQN+/9aoBILUqkktCTWtDIvZ07nE7fPnlFrYZyGlsBBzpdqIslMrjMpL6S8mrttMRIB4vFhYL+/MTFWJ6xHG/hNORGbRcQF9tNt82uTGjiwIFUSqRRCrYQO2eJw3ph+YJRw7yd+5md+jm//hx/x3rduON19xtP9I1989hXjuiPWkdv4Ps4NiAwIA9KSCJMta7NGqm2uq0NfHfprwFWz5ekglgpobhs/sslP1XYtdlq3BaxMyZngBS2RKAMxRkbZ0d2sfdtyPQMHl1jiQopCyDs+W79Lqgt1eUNuMHbOrgWQADlCLdss3iaQfQWPApRL3oS0hrzzFqCgjeKI2XL0QWa9gvsutx7GL+tMeh/zRx7V99JtPXL9Pe88Z+t//mkIUltG2Sog6atqyyuuCBGX2rX1oGzBajO7MwaQxZKtkdygt1ZetVhldOuKmihk43/txgOH6ZZ8LszrkfKkDNnhmoBsacGoFBuoDEMgxMA0hWZ25hh3tqhDDLgxtKu5QTHVgpJWcwCt2aqwal37lqknhIIPC/tD5cOP9hR5Qp8Kb+c3HMsb7vOXVHcP/olxr4TgKTGyxkBdID2eqDlQciTirBfh9oDNaMGEOE8MDlOrDIi2xr34bQN1VJtZkWjOyVXJ8y1JMjUUQjRbBfULIiOeG9J8NhXuJVHIiCyE/cB+uuH58xdortRUWI8zeVk5PZxYl5W0Js7nxcgnOZEUJFfmLASXmNzCKZwZnecpHQneJGqOp4Xzkvj8q9cs64l5ucdcej1Bdhy8Z7wbWNO5bailQSJCWQtlrYSgIKa/p1KorlAkb8OXgprteK1mMCeRKI09lRw1W09yzblJPF3gZryYlYpvmyfu3U2kKS8UTZviPtkCWQi+WaVAbQrYVWHNhaKJV68/Y11PRgBxVgXPc6LUQtGCjJnqFh6eXvFwfMVxfgtRiWPg2bP3CGEi+oHTfGZdF149vOJYjgYXtd6VJ9hbqubDtXJmro9EiVSJzKtHguOUMnHCBKOx/ibtGkM94/AMcZXdJHCK3H9n5Q8+/w7n44nz/cIHdyN3u4F4c8BpoIrjcHNDjCM4s/aogklVSYO1qm4Qp2JD+HZutTlSW1XsxZTQfTDW5263v+gktn7UMi8GEeZq5BFVtMBu2BlkL8YATPPK/PhILoml2KyUE+XT8SOexQP38obPiyPlR47LqY24OFIScqaxE5XQwk3XGTXliUpR41vValtHDb1HhMH3LfE2vT/d0I3ehNfeCunpfmec9T2Wvo++24fqffZLL+ry/w4r6jv/lHb8//9Eu+/f5U2vPvlV7G7eTj8OC20Bq5EAtA9YIdsFf7lf9Pho0J8iFHVtM24VV8toNq2LotScyOsJSWZ2WGVH8w+lqwTHaJpqcQym59V+5oNl2a2B1hajtmrwAkn0xqqZvwneNU8or+ArcajEQYGFUk7kfCKXMzUvZtedCy4rqEN8wA/BInToma/182pT7ao06aO2AblWOdmxaMOk5kPejuBFkHOrSsuI5kBdCzWtSKpm1+EGnNs3C4lETSfUBWOGuUj0A94F1FWzFhkmogRcdeQhk9ZMCOdmcJcpeIp41HmTcKoVyeaOWzF1g5g9j6cTp/PC/fE1Ka2UdSb4inMVgiDiiX4ElFIz3uXmLAs1dxJMkylSg+VU1CC6lu5mxXp5anpv0tQxVCGnYr5jVTHTTVCaTpyzsQjx7Wtj7/XHXWeqVeul2uobTm6sVUxcFgxOpE32nc9POCc8PR5s3blASsYkrKKQV5LMPB7vOS9H1BV89PjRIU1jcMkz8zKzritLns1X6ep6vFbFrhRyTczriSKB4gKyCNU5TsuJ3eEWddr6a966/W1DHIYJ55RhFKQo9VyRxwE/K1Memeoto97gSkRVrD9bTSfRB4f3jhAtgbKAZGw2Vy7O3qLuErho57MpdmyCQE7pSkGqEJqgb9eKrNUGkqlQixJ9xCGUmkxsoBTqulKyqbcjFZXKECPVjbwY3uc8vMejf8Gcv2TF3JxN5cN6Y+56Q7va37pKulTbL2oFsrU+RGgM+0sl1Z//Tn+pbS7yzg9bNbZttXpVCNAS/3fC0tWbuxyrd36vF5LKT3L7qQ5SpeHFvW7qVWZtjc1arcS/PvjvTEi3gHV9prQ19LrZXX++sWFMDNYHs7AGm1EotZJTpaSKDIqWlZzOpNMDFMUNH+PDSBh2VikFz+H2QIiBED2b7aEYhVW8wWHUxuxzTYqnQ0vBQapUMsPg8KZ5ShzN2RMgl4JzJ5blFcfjl8znRzInYCWfMjWZ+60EjwsTfrCZmzw3GmzB8G4NICa6ijNGnRfBO2+QIKHZrwe2yfa+kBuE4tr/XbqzTTxWdAaiI8kRF/b44Tk7eYZIhuVLQrxjF57ZALSfyKtSUzGKOo4YRsab0ZIDFVKySuc8z/8f8v7k1ZZtW+9Df60nETGSma21dnruuedKst+zjXjwjEDwKkIGCwmVJCFc1MVFF1WzwWAVhP0PqCguEqq4YlxRQaCCi34IgR/KkO7Vyc9O1l7JTEYSET1pr9B6xJhr33POPRK6mI1is/aaa84xRxIRvbfWvva17+OclDEbnq+lkNNITjNo4pSURYvm/uGe0+nI/dMDWiAUR+87I3B0ig8YBOuE0JQG1iw6WWN91rHBSaVhvwqh2uhArRRmnAq5BGIwRROKo5bKfE6r3mMIvfUsHCaM6hwuBpNici0BUllpc1oXeWMbJl1uZ8AM+ZoaggsG0y7woKhDqufhSRnnI7UmNv2WrusJLpqPVe+Z0oFjeuAXr3/C4/gNYYD+ypKZmTPzdOB0nJnOEzllJj1RSXic9YCoENSUD2JHITPmE+M4EdogfThvGTaPyHDFsNtw428ZNnavpXHRyYPd1RXegQ8FVxLMjo/1T6BRcdFxvbuh63rSXEglcU4jWQ6EfmIX9wxDz7CzXq/tG5Ab9To9Y7YVtUrKZ2msPRP6XTdzXWaOlgFXaftNU91oiao0G5t5nMlz4ji9N3+rMlPnEU0jTmcbY9FE8Dv6zvH9/Q9wdaSmI4/vXnPOleJHG0XQ/Kw35FbovH4QGlqCsoxElMpzdFgaTX1JIJbf+UD+aJkhXcRi24rmWVz6gJn3PEC1r78V4z6AJJdfLP+x9KSqWnntGmRnfRu9NEJbU3A5MW4tR1tg04srbhFWK3cbmLz8TC2/xdQpPNqG2pxziPq1H6Ma6PsrOtfha0Via7x2W1zo8XFD11mlFIeuaYu55oIpVhV5C4BdaLqErvU9qs1ElFLIyQYafYTQWTDIZeT+7RtO53tev/45x6dH3r99w9s3bzidTuR5RqUQXETZUkoTSw0ejZ2xorKpTKhhI3jMjsPJYH2V9ngavu6q0c7F+WeN7oItIjvnUtQYjc4hMpiyAIWaBB0VcR7Nnjx7AgEvsBVh7z/luvscUk9WqPNszsIpk3I1Bek2GO3ErRVtkMAQleDB+syVGgStEdWKkCllZppPBkNporgEWklVEApFvSUXOKJ4FlqNbxW4d+CXQe7qGoutWj+lwRtVCplMqdnIC+pMeksDfR3Qasol6qyal95ZUPHBzqez4fIKtsprpuHNLVlphACtpJKgKSN4bzI6c5nwEmwIui6mm2JBShzTbCzA4B05TfRdz6bfGYW8wtvz1zyMb8mMEAsxCokzU1KmIpRsw83ZJYo3zUNzlu2hZhYmoLbPqJKpTlCfoQnRTulMYqK7v2K3D3S9Ej6CLgy42K3WOjGASMW5bIKFCl2/R3AEH/DdYFChJrzzDDHazibC+TyS1eS7gu8aI9ho7s5DkAbfVhqc3gwCxZmnXKPb1wWaqrJWZHaPq1meLD5XWqGNHxCsHRD7YCoSUxso0EpKiSasRpkzqGNwnhfhDr39E3z99GNydUy8sRGLkNBs4s6lNm8ujfZe1uxEn/WDbAdbVNKdN/3ANsJtu9nintvGAxRp+oZLsLr0uSzvfNaz17ogeb/2WJ6XDwIbbezh1//ucny3g1St1OZuC8sU+QWCW80K27HEect7dD3hyzSE7QHLEN8q7AJieP4KqWC3gLi26J153YhEurhjcD2xKM4XKJkchxakerouNH8bv94EliXr2ptyrvlROZsJqaVSWIbxCjkna1cFEK+UkjinA2/ev+bdu9f88N/+S8bzkel0ZBxHcs7UbHCF95HKBim2GdYi1OINJijm3EqVJlHTr0GquvZm/ZJhGVPKNfhTpG2sy2bY+n9oXQc+nTR1calM1ZGzItkgxaLGFvTO0w2RjXvBLrzCld6uccrWk8qKThlqm0Vy1jeTttC8eMRBDGJ04eoobglSpnU2J6jTmaKVXHPzI7IqyIYL7Lw4nA3QShMyckKQZZBTcSqUdhEXONcg2krRQpZEYkbVYN9Aq6RUkKa+wWIXHm1OSEJLHrDnXBhY63xBGzRdNqGq1eaZFk05sfWQ6ohqNKJAG960LL9VZK0S9CeHlkxJvVW8WSi5cP/4lnfn1xQS4iveKVM1dfPz3EY7JFBcpvpiAs7O0fnY0KA2tI7aOXHFYE5vhImimZKUrIl4+Jr3jxuGTeDq6ora7xnCzqp1WWB5G/+gER98GAy2jZ05IzfYyQl0Xux9icG/VgwJMQreB0JnFatzgjTdTyMD23sV12wpvMmg1Sb60EqQdXP+AH5fktqmBViRVhULLjpkbhqQjcBx6ccINV36yldxj9t+yj6+4phGPI84NyGSKWKPk9r2nSrgF8zvkrg8D1Jt+zKihNiqXdoOy+dZSC7r3F2rolr5ZQFGls98+dwfKK//ofqp7bnPocGlolr26N9kk+c7HqSeu1faSV5ag6YqoQ0LX4LVgjU7XIPxTHvLlBEWRemWrC4v0iwbYDnBptnmpJXgTuj6PbvdK/b7T4jxFb0f2KjQdTtEE09SUecRD743jUDXnlf0kqGvc1/e4YJ1c3JKJhJbjJrrg6eXDvHWW/jqm1/w9u1r/uAP/jXffPMVh6cHcjoiWnCaoICrQkeHFkcpHl+2VFcpeaaEisZCUNsE65xwpUnUsMHo5cPql1PF5IAclpFK9as6OK4paGibMSkZTRZQo3ds9x1xF+jvAu/lS05irKuUlTLBmB0Zz7DxiLvj5sVv82L/OduwgzJjTttKnTPUahThBn/VUhtUW9Ga0FYlKVBcoOKoKqTSUYujTify5EmzoMUg1+pnVBIg5OJwJeC1a0O2EFUJKJFK0GLL3bdBX1eZsynTH/MTUx1JdSaVGVrPyHtPcGZP0snArr8htKSlOkwCybUBarX5u0XX1L4oaJ3XCsoU760n1pJ/UrFBUrySMVjQS1gV/mlBqtSEyyZhNR4POHG8928ookwucQ5PzP5E2AhzzjydHphkpFAgdiwizIUzhWLnSDoCDhcCIhDF08VACBiCIB6Nbb4onZtq+Yn7YyV/8cDb+x/z5t0X7IZrbvevCC7gnSfPZ9CMktgMO/puw3b3KdvNnrt91/oujjo3TzYnBLG+ru9a/1gr85xAMqGURgdffMEuhBXBksO1SvDSkkWrlmp+JtAqy56gqDccbRmaVU3kXNCaOc1HTuOBp8OToSAK/XC94nA5zZQxMR8fYVvp9ztebr5HEnhzfE3CrHdqIzHUGizJrAF1Iyu5QRcjySZfxIeRwEwjLrp9PBtnWFiN5rP1XPCAda+87LW/aXhZ9udnb+c3/t3L8Z0PUk4W4djG1qNde4fRxt1CrbycHJVLnVmXhH/5xRVXXbKID19TsQn8tvvhnDM/IykIE4UDxSk19hAsazbHNrdwPxGBWos1MKX5FEGrNlqjWVqWTKZQKVIsY5NinlHjmXk+84tf/IR3797wzZuvOB0eydNILdmyZ8HICI2iruvAZyM1VGl2DgVhBkqD0LxVUOZMhE29NK8sXd5ja247YeHim+JHy/bUt1PpiM6Uyq/6K/o+sBk8c9lSdOAhK7WYlxLqKBpJY6QmwWlkO/Ts+oGavAX0qvjelDGkybhoNXaWqhkTarUZrBjboGL2TfdMcHNqlP+lIpSm4egabGtXmfZZtJa1N5Kb0GhVm5VbDDSLM0ZcLjOpjkz5zKwTs04UtRk4AYIGaq14mXHiqD6tepE2Y2PV9DJUOZd8aTBLadXEvN73Sz/LYbHaqawzKl4sAaJk1Et7jmr3Y4NzFZvnKo0ZOKeRKsosldQnalQk2j2jautGpaAkXEv2Qg2IejoGG7LWrs1JQecinWwJMlhPU11DKpxVx7IEzJlxOqC1EtwXHPoHTseDzaOJo8yjySKQ2W729P2OmxeOucz0m8jQ74zaH/0FmmvVfCSwVBXaOjg1t5m2qlxcamX9s4yn1HUOrdleOIMIazWCzAK/rNWBYKMhtVByJs8zJSXO5yPjeGbOBisvFctCzkiTUf1P81PrMzmc9gQZ8Hi8Cl7BqyEVVQxBwS2Q21Lf2Pu5KKc/27cUdGECtpmpRYLDkvqGDMllb12feg02l+rP4EJZf/bLjufV0vNtVNG1SPtNju90kGo8IPN0WYNLm8doQ5CLJtcCkly6y/4yv7P+sYzEsTzQNvjLia6IJLQ5sUo12+m+d4g+UOpXnPWHOH9H6F/h/IAjUA62+blngS/PZ0LwdF2gi75Bhiw1NxPNKl5ms2Z3tuGkMnM43/PN66949+Yb/sU//784Hp8Yz2d2IbDznim1D+QaK0wcdYEpWL5vn1Sq4jLgCkJGXGoLIyI6AMEEPSkICXTAaQDXQUsAhGy+QIDT2jL/ocEJjm28ZjPs+Gz3KcPes9lCGr+hpIl0/oIkJzRUtI5Qes7HW/JYkKLc3m643u84HxPSBj6vB4OmypjX4JNxi7QfSlN3T6NRvJP1UGqB02kEV3g4eOsJionAthPTWI2tSqYidba+lhoZItUMtQ2sOgjavKHITOWJsYycygMzE7OYEK6daU/Wiifg5Ii4wuA9TragPWnCgj6erJlCYeJMdZnqknlfifVgO98xhB0kCzg1uTXhcMXus86bx9M6H+QWXyxZNzLBtYC+kAcsnKpr3SAVNBp5xrnQEm/7/NQOXwJD2iG5Y8cLnD5zY/OOwQ1EF4nSW9+xKjkpOQdKUy5pgx3M04l5GjmcjjgJRNc1OFlgLo16Df2wo+u3vPreIy9ffozrKnc3H7Ed9uyGG/JcmE+5BSlH10cTXl1JA2oQoMJiuQE076om3wTrxo9g9ixeLM/0vs0rlsW3EC2W1GoVzmUizRPpfOZ4PDJOI4/v35OmmXme6BYiFCZfNZ9Gjof3jPOJ99MbyrEnb3vyNhLYEtWT1VOrEWCyCHPUtiazWaFV68+vUN2yX+lFEHYZ4TUusEHbukKxBm1atl8b3LzssODEm55jrVzmR5cK7Hmked4Tu2y2xqH6Vrb/6+PbB8d3Oki5tZJaZD9qm9O4UILtZCyZA2ugkmqVxaUReHnM2mTGBlPbGEKj9OqaEYJnrpXD9MSX7/4tD4/veHz/wCbecRU/5nrzki5scKmzJraL3IUX9N1Av+txeBTXZO4U75vDac4cpod1+LLkRMmZw+MD5+OBN6+/5uH+LYfHR6anJyQnOgRXbLAwOo+qzWYtYrmrOv+z4eYVxqyK6X7PSB1Nl04HPAuF2PByFUF81/T6Aks3z1WDLHsJWDPNNMW8i2yG8Z/QcAABAABJREFUHfv9Ddthx4ubF8QefMjcbF5SusRd/YpjPnIoR0JwOFfRc8fh/Jqvvvl97o+fE3pwMQKFUjJzMTASQJ1Vda79uygI0QSFnRgDzAuhGlzjvKdoorvv6GIkRrO3Vxyiwe6FqkjIbYFCLakNbWqb0G/9IBoTlGrnlWrZbc2oZtC8QjF2hbP9ruusQirt/QoEOivOc6t4yKg7U3SmMJL0ZDTwrWe4fsGnL6/xeaBMylc/fkNNVlV6aR5n9dI7QEHLBa5Z1o4RyXW1qamqzaSxI3QDrvM2P5chyj1jsqFetOCJ9GwJeoeXLTv3wuYGXRsalyY/VEHmy47kiw3wmBK5JQKO2qTJoJItIcgF10amQ7u+DkFrIaeZh/dvEYVtv6HMytVugmszvuy6rpF/YDxPKwXdd9av9I71/diAsqmEaDaX26VCTaWycLiFspxIG8QvTQ0fUxKpxejo9+8fmMaR8/HAlGYb8G3D+sNmQFqZPI5n6pzIaUZLBlW8D6gERDs24Yq5nvCzuQt4jRTtzbKLRPUmPO2bmsvzSrCtalaXCOEZhPdcPJsVDVhFeJenW1ERYbEIaVI+PA9OlyC1KMRfzu3zcLUcq6ySPq9if/3x3Q5SLWuz4L5USno5yXYX0cLOhQEoSy5w6WnYsZT3dkEW8rSsF1ZBAotxWK2OospUzjzk1xz1kZM7M4QbrvqPudl/whD3bHRDdL2Z820qGq4Zho/aDWC3v2uK1mmeGKczh6d7pmnkdDqS00yaZ96/e8Px8Mg3X33J8emR8XxEs22mcYEpWo+rhY/WuFwyGm1DEq0OX+FMbVlXQTWBFlNiaAF7Zfk04z8koM16266DEvD0vlvPu0gm+o7d5or99ortZst22OJjRWVkG3ekeMN1ukGnzDk/EvzczvXIlO55//QFj+e3bOaB682NQVmuNNHNRRLKEolVeUTBMkBdO+JGFrD1JQjd1BFDNKdhZzNVdkHbbJFrVWbr9VRAXaZUbxBybdjOQktf7jVpsPMSsHRhV9lzaa1rDmqZgqOpfxJcNCgMu572exlkRhkpcqLIjOs74v6Wq1c9Pm9Ip4r+zKStLoLLBhfay7j1ci+UX2mQ0XIBXRsWFhTnTBVjiFtC1+ODuQEH9kh+hDw1gkpH77Z0ckWQPVu5IjjBh8Z6lTYMXwweteF5lpPZ5g7beZTLWalWhlNqIbSh3tCeTzCIrOTMeDpy9JHH+/f0YYtUoQ9b+m5L38U1309zQoMx1lxsbgnPgpSh08X0+BpEVotVnylnFup0rSa2W8pMTlNTJ8fIG74zz7dUeHj3jmkcOR4P5GJD3T54uhjxXQcZg4tLNguQWlh8vaLrkNBDGOhDZihbQunoSo/WDLpBUCYd7dw6vTD7ngWp56aJz2E1kXa6Gxll+b4uQ7vr3rnsictOeil5vm14eDnk8vhn+2nbXZ495IJoPXu1X3t8p4PUkgQ8xz3Xj93KdtcyBMNdP/y50Tfbjd9mHVStvF/ZULKEfuNIpebLo1pxsbSJm5lT0wZ7nN/h544ub3EHm/kYtNK5DUO44XunP83d7nP+xMf/Jdtwxy7cERE0JQ7ffMPjwxse7t/w9osvOT0def/mncnklEJKI1otM/Na2aonN6l+J5iWoBPmudlTizHGWMv8JfA+W/RNeNc10hdVDMaANrfTGGg+tFktb8wibY9VYRP3bPoNr65fmtp8UU6HJ2IXuHtxw2Yz0HWRLCdSSZQ60u08L7or/rPtn+TtccfwVhnnmVwT2h8ofMHb8ci/+fmOx/EH/L/+sz9Lt90QNz3lCLUIse9tXqQaM7kCNMkdEzINK/wgDYpSB06W297OhaczaFiWmSRsmLhBROKtagzaNSmr0jYNgwMhoTLT5UCtgVgD5q0klsH7QBcHxvNEmjO+Rnq/4yp+bCaXRPqwsXtYC0nPZEY6TSQ8M4q4MzlA3CQ0HjnX9xzfv+b8lDjXJ5xEQuxQMUPC53NVl69tPMAGsrt2v4tVnoT2eQLebXh19RnXN7ecwpl3pzecTpVSIj4/EKOy8Vtu+hdEucaVHp8CoSiBsk6Lmj6rQWP6LHDXxlJNmk1mzF3ICEsYF3XUNje2bGito4RQydPE6A68f/uGIB1pnDnen/Au4l3HbrM3Wv2wQWNEa6T6AReb+/ayZ9jCQZqihNH8WmOw1FUE+nx+YprO3D+84/D0yHg+gVaCj2w3O1wjkuTUNDmLBTEnQprndWZziB0hRq5ub9FcqHOmliuqVl56RTZ72F7xdfoZ/Un41H+fsFVi75jZck6JLx6/4nH+hsP0nqkfUacrqgRQq1Xw0pIm2+/WM8sC2l2C1lJ1N4EATNB4ScY+YOj9iuOXyh/9isd8++s/6vhOB6klKj33e9Kl6mmHa70YaRlxizet6e/sxq+W/S0MQSdWSa3N9XZFBaG6ALVQVXCL42Xz/EFAq6MyWwZcvemEucJMz1QPhOOWUzkR4w03w8fcDhND7alz4v03X/Dw/g2P9284vHnHdDwzPT6t6hJardnk5ZLhiDdlZK1NubksDU0LzotbbCNO03QPQJaQZQFOfSvnXXOOVWmDxB4V325qYWmAS7UT6nDsuiu2/Y79cMuCNTkVQnD0MeK9Aonj9EipM0nPRJ/xUthvN5TuinFzy/vywFhmkmRwI8U53j7+HLzyvcff4mp4wb67o9LhcJRnsIKtp0uDXFRXTbJaarPNMAaULBBXC9zQ4AxaVqlcVBzWjL+2zHPFT6ARSSwh8ngXiC6yC1sGCRQ3IMGgEUcwdXAKQZxJJWVMUaLdnIsVhkgliIDsSQRCNQX22XmqJtJYeXj3xOFdYj6ZAv6lS/08fW4JRvueJSzuknxdOkiwdGLFE0NP53t6P1CdZxcSd5tPGM9nSI7OweAGet3itEeaQK40f7XVZq2hoJZM2mJVrYgW88LCJHqeZY5rlXn5b9lAdR0HaPUCtRTr/0wTKYyQG1EmwbF/oosdV/sr08IcBga9Jg4dQ79p8JdbkznnjQVYxcgMiKEGoQpOHdq1PujuCqfQhUjJiWUANmdzMqD19hZyBNAYrzYb5UXAB2LXG8U+dggb+9ze4TZXuN01ZZwIofL08k8Se083BLJuOaYJLxu+eIScZ+bmhLxQ49etrxFlLl2Mb1VFCz1xxQEW4YK6nvelR6ANbTFi2odV0vPwtUJ91qhen9t+9mEQW5jWv8nx3Q5SFWOcyFL2fgsLFRpjxS6R59l68K5ZU2grfbUN5zXoY5H/WSRqhJZpB3IRU0FngXyyOYbWai+CJ4tvg8SKhMqcPTq/4/HpTH/4KY/nMx/vv8+n13+CfdlTT5kvf/hTnt695fD+PXKY0blQ5wRiA6TL53HOWeCiIiGaZH81Lb+C4mN/OQcL47FxrmyDchcYo1ULLOQNDSgBVUeIpia9KlNTTWVCvREuqs0o3e1ecbW95sXulcE7pbDpBpwrhGi9rlJm3jx+wZxOjOnAnW7ZlY4X2y19V+mvKzIWHuZHntwZ5ysaCr94+6+5P33D3d0Nn774HeRO8HqHF4+v2ny6WAM5DS6riimPZDWNw1rbCTFKVmgB2IlDi7D0mOynNui6CLTSqN7S8Cpt9wxIq7rtbIcQcQ42G299tM56LKUWxvNMHY3i3okxtvKYCF1ss27FvLZ8R4gOfE8fA1ln601oYJIjh3TP6awcvn7D+dGGogf2VvHKck+3ANQga99SZufCCv86WdiMNuNmMUTwEth0WzrfE+kR6ZEuoDeB+ZAJ84YhQHDefLGKh+wsMKFm89L6n4sayGKPo41lYCyxwsI3hWV4dNliZU0WV6HaBpv4Rih1CtTCPI7GjvORQuF8mnh4f2hL3HN3e8ew2bDZ77nNn7LZ7bi5qYQQCSEaiUgEH+OKAmidUWdqI85HpCi7oaPWwou7W6ZxJKWZ0+nIPM+czyce7h+Y5qnZBjn8ohIjUPGUUpimycRom3B0DD2brqfvIt55gvTE7TVhe832HDnOt9xtMNHp2FHYcpjO3A2/j1dlHI886uGSaNOSrBbUaSxEabe9OFbI1WY87fyLtKSsBSEzkZWWgLdD+UAQVpfk9tk1e54oLYFteeyHFZY97j+OIAWgwtIioFVCC8172dQXaUVYAthyMhdcti0Qu8rrMJvz4H2TQnGAKEGqwRMVaEoHtSqlYfCrsrAaXCYIxQkEhzpPSSdqLbye/wXT49c8nX/KdXqJGz3Hh5H5OJOnQqeW+WpwXPKXJetpgpkijRwBNZgtucduuEXeVGTRLLtsWosQrKrgheZg6sEFqgZjd4nHuYCTDpsNc5ijp72Opsxu2LIbdry6fsWm3zG4DalMZNU21GmDxoen95zGB756/0NSGSk6orpnPm3YhleE3vPR8DHHzRkpnsf7M3O1DNF5U6b41z/6/zFNiRAGrnyjGWhvFV0BI35UxCcb4s1KHjMlVdI0t6illJw4HJ84Hh+ZRmOUzdlsEdTbEK426jnQMv1iGaZbhDmbJtqS06sD7FypQhkTJSXUF1xo1dwEsfYM3rHtBoIGSCMlS5tpq2gJgDNfqWAK80EqwjUqV3Q6E+qBXMzzaB+tAvalwXrFqljByFprQSULui3fgm/q+gBLyiBEx2YT2fSRbRdIzobOU9hz091ATDgSNFV4kprDtARUHJlgFVVL+lTaULItrqaCL0Y/txNsyMWacj+rpdpGZr0X+zCLuaXTbJSLPDOfj4wIXdyaJQeJeZqNEFEmQozE+57H+chmf8UnH39C7Dpi7AixI4TIbndlQd7ZoL2q9TwX25FaDG3xzuM2nq4bLHCUTEp7Yhc5HA4cHh/QZjc/TelCXsIo7GOamPOMqnK9vyL2kSEEvI+42hsT9ZiIGtmxQ/pPEQk4DWS3I8aJz+8mvnj/I3Zhh6utb+6cla1cqOcrSeFbx1KJXqou2n72IXfPHvu8mpI16V320uc89+Ux2iopg2/rs5//xwj3PTvdzyP3EqS+nZ0Ba7RfgtWqWyWX51szOffsT2Mpe6n4JZNuEGEprrFuxDSpWCbYfatavFXOYoymWgrH9BVaTuTpkXl+Iow95RyoszNxUG1wh2tKGs8LbVlgTWkiuKC+aYapotk22GVhL1XU8yoRWZDnZXDXApM2mScVs/524tHiLhNW6jHmo2cTN1xvr9gNe/ow4GnKEQo4R1HIJXM8HXk6PnA4PVB1BpcYz46AMj6N7Niw2ezYxyumLttoQCmUWpFQyIy8uf+K2+uPOU2P9P2IuA5f8zKFDZoRKYjOrY9g2nglFdI4m7turaR54nQ+Mk0n5tk0/VI2mSlVUwhXFppSO+NL36+hGCKYioZIs1K3TdZJh6LkLJRsg8+xa27FWfDa0btIH3p8DU1pIJvjahuydblg6vIe77s2Xqd0DDjNUK8pWkia8GHZ3M16vGAbNKp4rSuleLn/l+u+uETz7H5a4FzvHV0XzZMreEQCtRY6Ar10DK7HFDVqg7dahbq2wC7IxSLfuGzSIJQ1nV9Yc4389Gz5rst4gaafvdG1ll0UNkompYnZBxv3KAkl26B6KZxqNth6DOTomNLEbujp+oHYd8RuQ4wWsJwPjRjEak5qRgRi62GBSMXhfcU5sXMzRHLNiBeOx0dqLdSipDRbz7jJXIlvPWRVmISu78yyxkkbhLd5vjLXJk/U48I1qK3LLHsIHfvNNUO3IfrAsxjwLLpoO10XMO5DkK59vaByQgs+S6av6/0vz36z6mUPvTzrJf3/IO4sgfJbweg3D02X4zsdpJZTuNpAt/Nl8cC11fesivqgdl0uhL9UU23hPA9O3nRVjbWEEptVubbfrdWTVUiuUX+ds9kdBG39m6K9DXvWGXEjIpnEE8f5gWl6TTo90o1XxOkj/LzDl50RCLQFvGeLHWkZfBPLrL51xRara62IX7JlQP26GZhKgMdLaAyfRV07oGruoqVMuNrhZSBIjyOimvCNRusyRNdxe3vLxy8/4uXtHdthh1ZhOo1oGyTWmpnmkXeP73h7/47j+ZFus6Xv9+y2HZIrJPjyJ++4eXGDdzvudp8Rh2t++u4NKRZ0I2xvtoh3nB5HZj1wzo9sw5PBWAyN6CHk6YyWRMkn5nFknhLTySjAaRrJk1U343RimkYenh54fHrgPJ6Yi+kaakgG22I9Nev1LQtN6DtjBUZvNGfvIr3foMU2S3UbUjkzHyZySsxZidcbvDhISpSAdIGb4apJKmVy8xhb9CbJZkDskiPUzuxOQsRU+BwDNq8k2wo1WcUXTVm75pGczmjN1JqoJAqJJDPL6MSqo8iCAlwoxT4Ehk3P7d0N2+1A1weceuZUmY4HdBqRlHDBZJAU2rD82pU1L6MFbG69XWx5sY49SGhr0AJmaCrx7WHr32svbdEcbMaPtg/bPZbLzPH0xDxPjHFCK+RcEdeGyyWRykyZK+ltYTw9MUTHdrtju9sR4hnnA8fDI7Eb6PqB/fWtyVe19yCy9H5d23Vqg8oUoSA4Pv3+59SauX94w+H+zOHhncEwIqRss0jqPMFHxDmmOnKYPe4ghD5SgUG36/N7FUQCQ9hjqi8d5zBQVIwZGBI1zNSUKDWxMEgXrb7LiRT7/npOaXr6C8Ho8rftWPLBY9eEfg06l/23Noj3V+/P/z4h6Q8f3+kgVZ/9eTbmtMp4ONYWINCgA12ouJcGp/3eBRtZKjALVBfIbxkKlKU8bodz0jTGaPM6csFqtaGIqk1H7QLBLJVOUchVcdlUILy6VZrJAlSbdVp+uc0u2NfuAl+uf9UPciDbGJ73Ihprr92qSiDX1osqpm7upbPeE9ZvEDEocYgDm27Hi+uXXO+u2Qxby6xKMZpuG/xNaSKliVwKPvQM2yu217cMfWC37XFNj248PZGT8Pr1ezavBjQ6Xty95KRnjnpmv9sRu0jvrQv/9v1rupsX1AhIB7NAEuZjo+qPB6ax2UeMMyVn5nEkTxM5zUzT2foJ44mUTpQ6WXWLmTAuop9VF2jMMnqjZg90vqeLPV3ocC7g6aiSQXwT/sx47ekchNixCSaEmlIBiebOy85MLqOpVjgHtXiM2m/XqaqSczVCD/XZMIRr8N1SvRmd0UcPIaKxN6p0TRS1IOWxoeJlVmpJmKvxrVc8O4YNfb9ju7um67d435tfV0qcT0dyNjt3aX1gm61qgJguHYzLxnRRJFh8epeSbcnS23/q7S0slWoDmbQ9vmpj/5UF+rMH23UqpDI36KkNIVdp81Dt9ZreYc0TaVKOT/egBedgAHyNbazEDCdjZ+exCz1K83Vr4wPakBJVtYErNXhfvMd5Q1iKZub5TOi75qZtGpJKRYOzqQAV5jxzOB+5ns94F9gEWc/ZIlATmi6oEiCYruJTfuRQHjnpE2sX9Zlm3wfKEa3aeYYR4dr95Ners1TTskq0LbcJrODTs330N4Pr1kd8q1Be741fhkX+kuM7HaRKyxBMvdzOpHM0XyIAXaGERXNqdbPUBTZrJavAMqX+XAV47UuFFqSc2GJ5BiMu6kDL4OzaB2jvIbQKR5cRdRHbsFxEfE8lUNSRskELVn0t7fgl2CxXusF/7UZftMOkfMhqhOeZ62WDs2FN/wHNHnWU0qGaoHpEIt71yEKSKGY9H5zjenPF1faWzz76nM1moO8i59ORUmaqTiweOeN8YExncq0M2z27cM3Lly8Zup5NP9AFQDNv3vyc94/f8PMf/ZzP/Mds73q+9/n3eHN4w/Qwcntzw3a3I98Ip8fKz774MT235CGbQMMs6CSc3j8xjxPnpyfG6cycJuZ5ouREGkdSg/ameaRWowgXNYdla+xaNbSQoLVNQAs2IBqkYxOv6bqBod8SvDna2lhPQkk29JsLgR193OEDbLstqsJ5mqFZmgQGO589eF/IpTLnpZfpWaDomht5o2qDF+1vZ5fMCBFiIqwh2B/vBLSSc6JoJmtm1plSC2majQ7e3AOgUnRuUleevtuz3dxwdf2SwW3weNLxzDiOPD09kOYRLTZIiphYq6o36xFdcqH6wd6zbHgqvt2RbmVQGuvR+jweS/Sa+h7euTUY2BBxIde62pfRvLsKGUr7eVZ7LudtDm5BG6oDKeQyksaZx/dCzTOOSvAOiRfhZuSMD47SD4TdbevPGjKxyG7VFvR8Z4STWlJbj1Ao5DIxzUezKpHQ4ElB1VMJrboR5jIyHyeuxyu8j9xtXBuZWXi4ELxB7xaklLlOvJm+5l16zUN5i7qMaxnzspf5hbcvFS5gKgu06lC8alPrsb40LNfjwyp2gfVW79fn++hlV3rWVvnDx7fDmXzr7z/q+E4HqaWKatsMjQa0nhQVMdMY7CTWNhJdGzRWF1l+QKvdGA2FsOdYgo1Y0iRNZ02lKU5Uo7BrheoNBqxu4X/VlfMe9Yj3JlCa1FE1gA5Ef81mc8cw3UKKpNJUyau2rNJe64IKr0U4rCZ5FqSqNvJGOx9Ltryokl/o9A4vvgUrh6pVA6X2raLojWXkTP7I4c11uPdse8/nLz9jO1yz3+ytOTzOoBnnCjGaEd6cZwozITpuhlvzKHKBUF+hUyRNkbhzhE759NMtbtjwMB/48puvqfczm489p3IgzQce3r9lmic2wx0PD/d8+bN3HN8krvoXfO/2T9HpQCgdx7cH0piYjyOpTuQ6Mc0nC0bTZHBYMZsO1UY2aWMD0Fh89VlgV493kegHNsMVXdiw39waPTsMLHlolQJuRt1EzWc0B1wd6KKnj5FOekuVOsgJShZ0Nl3H0EdcZ5ttV80yPhUbILWxpkUrMJOZAJN/MqnEJkiMiakWAmUBBX3Ax4HojLG5KOsHH1bLBm3qHeP5xNyCwM3NNddX12y3L/HVU3Pl6TByOJqSvrbh5MVGHOep0lHFWwAVGyv4oIHOs+qgJXnrdtrmuYJ2xopzQmxCp95d+k+It/m6PNNwQ6rTBm+tiwOktemVpmMojfVoai5arS85np4MKkwTtVaGzZb99W1LsBznwyN5nqAKfSh0YQMql16zN6PSogmco+s2PB4fOBwfeP3mNfPxieAxXzkyeI94cyFWVwxxcd2KaBjJUi/jCLYhIVKJvfV556q8vv+Gnx1+wr/6xb/gi6ef86gPJlqNNFHiheXaKinl2bl36+5hoL/pO5oi0mVu0irbhrK0jVC19a6t5Le396ySusgoPT+eh7B1O/olP/mjj+90kDLxTVjmKGApoGzTto2+0aeXPtLK12+/pxfoz65qtRzmWZS6fKkr7LbO1SwlUxNZXae3qW2YXhFXLItRRynLQOyO3t+x95/QxWtqEJKeW3X0zGmV5+X38zL8sjqXgn5h/S0bxOU2akGrRdyFPCHO/KCW29YIFAEvwfT77F8Mcct+COw3Hde7axP0DJE5T9TS2HCNwF1rppT0rAnfIaGlv1OH1kDWQOkc3gvbqxu20xPb3TXv77/mfHpk6iHJSGbi6fGRORW46jk8PfHw8J75yfHYHQi5Z5AtHRvGx4k6FcrZjAYLM2M6m4RNSmhN1tCuaT0ni2vF8m9DoRaCScC7jhgG+rilixu6YBWUdz00AV2VZNWDZIOb1OPEDASDizg6mq6UKRmUSq0BrQEY1rE0KLiaIc8rFR4pzaZjIcbzAWPLMnOTc0KXTT+iNEt43xFCx9ANxBjZ7nbE6AnBobIEqbOJn6aZm2tTBum7HXW2KmucZqZ5bsPutulZVbD0MxcaezXqdQuwKB/cxUuS5NbZJEvyrLoPeHF4J0QX1uzeEgmlczZdnkxDpfX1ZX0/S+/5Of3atOwMYlswLWnJY05lDW7DZrv+7XxEXDCvJ4XRj9BFqCZ0uzAVwzP1dMsBlcPpiXfv33A4PaLzkY3LDd1pqi8LdI4lu3EITRMw4mJsnmy6Mki1VtSZKv6cJ0554s3ha14/fMnr+y85TE8ULYgLLZlVUBMXWPt7y5pfdo+FUPYs3f1QV2fNy1tUsZ3lwhX+1vNxOT7kT1+O+ku/y+Xa/QbHdzpIVc02FLluwivKZ9WIIR/A897TctglKm12w37TmqDa5HGcRlxtNuXZ4aTiXW1sLkGzaf9Rm9CtUxDzrxEE1YAKzJ3ZP4gqct7QlR278tt8MvwnfO/qP0fqlrGO/AH/EudnqkxotsvqmoqzpYdcMkddoENYoXe0DQ5KY5PUtStapVHaBbMV8Oa4a+mtosWhOSJ5S6g9G+fZVWHjOz7evWK/37Lfb9ltr3A+UMQ8htTBnCspZQ6nkVIrtTo2w3XzzYrMOZNzYZ4fQE2FrR4c3ezZbK+43tzyn/72f879+Rse3z/y5Y9/jgwFvyt89fYt4NgOLzifCodj5vX5HQ7PV6//Ldu4ZRN2bPNLou7o8ivEF8RXJhJVCiUAiwp36w3Q+iqyJCitiR9dxImn63Z0cWDod3Rhh/e9qTRIZ9ALoQ0PT1RJFJnwwX7XhSu6EAm++UcJuFBJnKgycWYiSUWJzUYjEMLONopg0FPVQpKJWgviTN1C1TysloTAWB2FXBsEVSvSIKipzBDNX+tqt2N/tefT733K9nrLZjewCIzWUpnOE2lO9KGDAmXKvH/zlvE88vj4yPF4ZE6pqY4MBvFVB6UzsWExN1639MiWQHUZmLpYQLhlpGLBrB1gwcE7j3ORdey8Kh7lKniKZHbaM5WJVBOptt5qCOACNvPVSCEN8agL6oXd5tVlkySq1dgpVO7ffsPpcIBqCdOwvzGGXVLmhye2UdmEYv0l50xR3kWC92x2nnk+8u79F/zB7/9ffPHFT3j/8DO8JOqQCf4Kx4Y6D0jp8GVP1zmGTeS3/pNXuLCBsMOna6J2DGq+URI9o2ZmJh7ygdcPb/j64Rv+v7//T/jy8Rf87P2/IvkDu7CjeAsDFawfvPhuPdvsLElYjEmDvYaUtm8s+8zC/6VBtrX1zqBUQTUCcUWvlt+07dVdEIk1HF1Ypc925svh2h71Gxzf6SBlVt71ch5WiOtXffhnVYesRdVag9mvN9KBSpt7qs3Yrg3GqQUpI2C056hLWXzZ8JbCGm3+LypQPT3X9O6Wl/FzXvaf8aL7hOQduECUDmvcZ7TpFNWlUb5kn3IpnVUq3j3LkNSZhUKxQLlIoaBLcFuqPHt/NhvVbsqFAVg9wXt659m7yDb0XHVbdnHLJmza9rGwiGyeaJomUrZsW5wnBIMTRbEB42SOwqXWNV+r1VNyIM8ZCZ5Nf8V+e8dufOKr+y/Mt8orKU92bvM906zMyQaXAR6mI1MeOPsBQqWTGVzf8o1K1tygvTWVXq+ytHNqQaqairvzRGdiwMOwI/ieGHqjJi+suFZJGA23UqWslYH31m8IzhiAwXtzyhVFmREvEMwjDK0Uukb9t+ssOKOdiykyqDcGoLTdQtSIOaqlET3yigaIyroeFKM9OyfEEOj7SN9HQnRGOHNmuw7GDhXX0/eB4AIlVcZcmdLE8XRYoUDnHeoWSxMLTCtbkJbUyYXmDqyOENarep6nL5Bfy9/1Mr+32qWoBTJRxRPwTgjRRjJ8DZbfy1I92np0bmGxLuXmghq0frK3c6dNoUO1WM9SHIfDE+oCuEgYdhbUqpJJZJ1wwcYuWAlHkNPE09M7fvbTH/Lu7VecDu+pdQKfmEgtCXGIX8hWji72bIee/X6AMFClZ5wL5/nMN+UB9Ur18JAeOOczb6fXvD685vXT1/z4+K+4T2+Y4wMaMhKqCT/TINzWb3c4dEV1aADKhbS1/HFrZXX5mVv/vlSsy5CvLteES+XkVga1PqsV2vltifEvA/g+KPL+iOM7HaQMvjG3T+CXBqgFP2+V67rB2/E8yuu6bOxfzlQAFigBaZ4rpcE6jUDRgtMFRjTX0qXERx2aTWlbSmQjL9iHj/hs+zt8NHyfl/2nHNxIESVKRxajDqtbxGGbvre09/e8YkSQxSm3NZ3N+K9txo2x9OEJWT65tE210ADORjhxdOLZhMB16NmFgdvehDu7ODBrNoaXiC3ykhjHkZQTVZUYIiHabVXUZGtMCbpQyY2sAqV2uKKkKRGdZ9jsub36mFM6U98EZk1NYTwjZJO+ycJUoCm+kXJmzJ4oHf1VpMiM+AFKmzXDVK2ds03V2GVGGLF+ThtoVFPcjhLo/UDwkWHYmT2FREQjC/15uQAGNTfxVCzI+xBx2HP4VhngFg+mYi6tCnkaUQkU7QnS0S5VC5J9M+K0G9ZJpohfIZklSKlaf61WC1jtTTUvMRAXTbQ0Boahp+8jzhtaUDXhnVmPOyAMAScRUSGNmfEknMcTD08PzGmkaCF0gVwLdQ0ol5ENbX8W1wALDhd46Pl6W2HyRgBa4FWDDIPNFLU1JY2xFprSiwsRnwNzUwApi2WGynp2ZFXdaNxe8Y19e2EjkrIlo224u1bl8eHeVoF4dqE336hcyDqRq+CjwZKGbBhuMZ6PvH/3mj/4/X/B08NrzudHYKK4xEktSEUROl9b0SsM3YbddsPVfkBdT9LI4e3MNE6cz1+TNDOT+Or4DQ/TIz97/BFvzl/zdvyab6afMsuRuj2bcar3BO1sj6kWVGvrTVSRpqFy2fcWwWTXApRr9PRlHSyByktTuGmEwYqxiU0nswVC4cOh7GU3XbPiSyC8wD/fPv5vqqR+53d+h5/85Cd/6Pv/3X/33/F3/s7f4Xd/93f5e3/v733wsz/7Z/8s/+f/+X/+e7/mt+mQq6GYaiMHLFv686zu1x9GUy/t69qmzSvqc4NZnPUV1KqvUgu1Gqy10GVRo5T345bIjoE7Ptv9afbhE67K58zvhS++/Dlvv3jN6elAyif7vdo1m3V705f641lB3eYhSoOp1goHmtpDtTmcZjOBCq62BatqjKCSzJY8J+JY8RW8j1z3Pbe7LTuJDE7I+URU16iOiaKF6Zw5Ho6cz0bpFidsN0NT+KjMaSaX0oJX61dpq34LFE3MrhBiZCcDcbfno4+/j9v2/PD+pzzNDzyVB1KdUArOKepNSLOWmaoFkcyoQtKZU3gHoVhgmXuEHl8tuCBm+rD03bwEOt8z9D0xRDbDQPCe6AKdj3gXCLFvzC1lnoxkY9mQbaqlJSZGuGkQlTOiifcdwQd8sCxatXlQiVtlgqRR8EVtONzSEcUtnRwxCntVT62u0bDVbESwytsvjLOSVguRNl1BZ/7oqHOcppkCTGlmGCL9ELl7cUPsI6HvTAU92ChE6QTZeEpQMtmcgv0FrVh0+RYEellXNtJQG8ynrLsjIB/851oAAuryuS/MWd+8rJYKWLWS2grweLsHcPSijdp96UcvaADtuRFZpYCkiep65xBM77CWiRiwtTALxydIyRihsRvoug11sL5QEaEUoRwrj082m3Q6v+ft2694ePuWmie8QlJBCagXckg4r7jwiM6FdIbDAcQlDm86xCUqZ9JhYhxnHk4PjGVkzGe+fPqCh/Genzz8iKf6loO+ZxpO1C7BtpBagB6mjBdPiJ31LquZSl5cii4tASe2pzknph/pmvI99TJi4wQvzR7FL/N0tndICdSU22u087tENqVV+22nWtCbX7XVrqjGH338Bw9S/+Sf/JNGb7Xjn//zf85//V//1/z1v/7X1+/9xb/4F/m93/u99d9d1/17vtqCbfPBjXqRqv/wJFyqKv21gWqlpy9002ekC0e9LNBlfgNtas+1Pd49ewzE3DPInp17wUZf0Zc7yhQZjxPz0wPv333NdDpT64w1WJubqN1la3W3LPcFspT1QottxLKImBgN3Es2NWnMsMwkhBTKAgllE4PNlVitGR6jMHhP54W40FOlQZBkSp3JNTOORvHOOdlMijeiRG3utaU52lp/pbI4zGpVSjGtOi+OcZqIKVAUhn7Hnluur15Sz8J8rtT0ZAFBlh6cPju17f+iJJlJfiSFI74qroJf5mYWFF2EIB3Rd2z6HfvtFZthw36/tyDV7N29s0Vfq9kvnI4j85xJc1mhvjXNZBlEtd6Sa5CVQYMeJ5UqbiUJsG7VpqkXnDN4FNc035b3bJWVaqWoa+fT2H8skBbWC8JJU95ulGMRY4q1QJVLhTlR0kxNgTpHtl1ES29sOxescnBicTiCOqVKM9tcKzv7+oO10wKVo0HoTlcNzOV9yhqKWHumi7u1iU88W69iQVzFrdXkkqSBKdVDm1dcYHhd9oJnb2rJ6J+1RqwaVhBngsy14l1p0J4jzSNVKzF25DShNeMwJ+IstqfNKTPNZ+Z54jw+8Ph4T06zieYuaAp2LoubyW6GeLSKMQ2kPDGNntPjSAgF5yK+KlEE5wdj3WklhIEQeoLv7J7VDo0dJSjVlzVJFddcDLzBe1pNpgqVVU/Rzq19bS7cul6XxY7nkiS4RmKxdbCID2v1VOcJ1qSiVEuJ67Nmv6ynumUxclFm/+BmaW/oWxjPrzz+gwepjz766IN//y//y//Cn/pTf4o/9+f+3Pq9vu/59NNPf+PnnKaJaZrWfz8+Pn7wc7M2/6Of5zdlk1ysk3UNuCJCdWoUzIUJuNLddd2UU7GGtgOoiq+OXX3JdfiU2/AnCE8fM45bvvrFO45Pb3l6+po0vUW0MvTXRHeFlwFlQlcJaVjYe2CL2PuIc56cilnYx54h9EQfWCzPc04kP5LzzPF0MMM4nZFUUe8JGyWqo1MYnLGNhl2kDx5XJlycCcGzHayCmtITD6cnxjTx8HCiiwNd1zMMJgc0LdBeC0y16eDlnGxOp1oGm1NBizEeiQXplX7skV1gu73mT/3Of8Hbwxs2D1/x+l3gPB0oOlGYqTVZRktq1F6j/Z+lopKgO9EhdAJBAqKhcSQiHsfV5obd5pqXt5/yycefcXN9y93tC7xzDde3TWu/31lQSJkvv/yKx8cnvvnmG+ZxZprmNUC6JtJqEIhvEIpBQrael3HLBboNRB+JIbAdBq73ezbDDqHHuUgXt0Ybb2w31Upu6h2pZMZ5pDS7lqW35pwj59zOvSLi6PuO2AV8CMylkovCPJK8MHtHOZ3pNz1XL6+JVxv8bqC721pQSorGSvUViVb95mKDzqCNstzGQUuDpUVX9+dl8/lgAJlnwrdLRV1z6z3ZmrKk3Fh0WssakGgoQa25yRxUfBvWde7Sw6rPksllPxDqM0gxWE/Lm2hyrhlfMQjYQUqJeRKm08GuQYy4zmzp+25rhJQpmbDsNNEPDq2JPgg1t+FoKsVnUjdTwhuSn+n6iS5+TNf3pHPk6VD5xQ8rV7sdd1c3fHr1CeF6Sw0bSw5c5X5+z2F64Mdv/w1vTl/w5vwVP3/61xzyPff3XyN9RmKB7RGlkstkzsI4ao3UCmlepQ6MfekWGw5LtF2j/XsRgrevu2AwdXCe6GPr6XmTxSISxomUC4wzufXsl10YDGxZ7nQVobrne+6ltFLD/H+j/fiPtSc1zzP/4B/8A/7m3/ybHwSI/+P/+D/4+OOPub295c/9uT/H3/7bf5uPP/74Vz7P//w//8/8rb/1t/7wDxzrJr4c366i/qiqaXms6nMZ2l9+GFmiBaiWCS5V3DIbYorSbdap/bsPOzq3J+iO02NhOpx4/+6RaTowpxFcRqSSmVDt8WRwxW4s3xT21pKatZResiMnjmEYuLu6Y9fv0FKYppHHpwdrtldBYwseJRG9JwbP1WbD4AJb8eQy2mYRDZqa5sRYI5RCJz15hiww+URF2W63BB/xPrbzYgOiKSdKKeRaLMjX0kzkmkGgWlWWitmyP50SdJnu6AjekyUzjROC53p/iw8wp5HD+MhpPnKcjmStpDqStDHaUKaSEJ3p/UQXm3swyVSts9D3kW2359MXn3K1vePV7Wfc3b5it92zHXbNusFOrgh4F5vaSOXuztyUcy4cDwdUnwzGrAY9Wb7Pqqrugl/Xo3jftuhA8JHgI1MbuBFVgnf0XQQNhNCx3WzouoEQIl1s51YrWRNVC3OdzbF5HBnPZ3LJpqxdLClxLuC9Z7/bE2KPjwM1uwb5Qs2VVAqnQyXNM0UKXZ3p6szNrTkGpzIxp5F5Prch7QZxt1DrW5W4UNDbyCBKoaxVnjzrFa0dD4OPloxabX1mTQSNlJpxTUa9rCMUSw0FiLcg+gzFePZUfEiaWNa2Bahajf1a1YK6OAGplPbZwiK+7FwzaxRqntAkEBypnxBcQ8fHZn4ooNms1ZtqCUFRPzG5e5x7S3Ajo1PUBbx/Qah7pCjjnOh8YQ6KDJHoeoIf7FyJ0HWBa7+nI/Dpzac8pfd8fvqch/EtP3v7Qw75Ped0z6n/OdXNeKcUlTVQ6iJQ3c7VsnHIouXYztNSdTvf+rTeE3ww+a/GVjVxaRO5LaqIy8ylojkb26/W9SkXMoZrMOAHPaln18re1/9NcN/z43//3/937u/v+d3f/d31e3/pL/0l/vpf/+v84Ac/4Ec/+hH/4//4P/Jf/Vf/Ff/0n/5T+r7/pc/z3//3/z1/82/+zfXfj4+PfP/73287gzz71H/4+GX9qm9//TyQ/VGT06V+qB58iVcGYzjnqWo9iwZMMMQrOt3jdcPhYebpfeHtu3vgiLiJrq/gKllnKjNFExFTG3DuMmy3vJaNfl1e3Hthsxl49eIVd/s7aq4cDk/kKSNFSWoAYimJlB1dEGIM3Oy27GLHdeyZ85FUJ47pkTTNTNPEuXhqzgR6plKYSkH2gdB17Pc3LGZ6S/8p52JaeSmtZowoK+S3LOTKTConck7MxyMaZuIO+jBQXOF4OkIUrnY33N69oNTM2/df83C8xx3fMeURnTE1abFNZi4JVx3FT6jvcbVDNEMC1LHZdtxeXfNbv/VbXO9e8ur6c7abPV0cVgYY0hSCsGTEO4NAXty9ZL/bk3LCe8ecJuo5mx9UXdQWxDJZ5/DxMjYQPE3+KhJjT62VU6X5u1eid3Qxgnr6LnK137LbXdF3A8OwWSFCgkkC1ZA5n888PR549+4dY5OAWsgpfd/TdR3X19dNqcBxfJoobRqhlkquhTyNuCCcy5lBZzY6c1VuqCgpjUzzyYaha7KKZ7HWEG1VpxEJFkmkglApBjWtJHJsI5JLTbVGkDXHM6ubXBO+eryau3PW1nt7vh6lGROq/Z6svRFW8tCHotKXZVpLbXWg2mBtARv+LSu8KGJCyylXSjH7+OwqxUHJc3MFCCb/pQkrBE2Cqqp5hUms1DAxurc49w3enel9Aeno5BM6XuESzE+ZSQqTU9iZCvrGRxu0d4F92FK6yqvtKyY3MsvIm/lr3h/ecqP/jF+8/yFfjz8jd28oUo0JqwbD2diCw/lIzZezICzV1GU0ACeNhGED1N57Qgx0XUcX+uYI4U2Z3ywtTXswZ5bpyPXyQEvwZP2axVSy3Q/LflwtW/iVe+3z4481SP3dv/t3+Ut/6S/x+eefr9/7b/6b/2b9+k//6T/Nn/kzf4Yf/OAH/MN/+A/5q3/1r/7S5+n7/pcGMGnkghWx/vcIVL/s+GW9LPviA1TVFAqWwOEWJlGjjreeAerROjDNkM5H7h8zp1NFXcI78yDq+g3BCyHscOxxbNF0NBfeaUKlWEUWNwQf6YcBYzJ5NjdbNpsNdy9ecru9ZtP1mMyXIyCWDecEmih5Yp5Ns67WDPNMqjPHeqS4ibmOfP3wcyjWO4i+Q6pwnk/4uGE3bHCbaPMyeOst5cLxeG6W7tXgrOjQNDf5mNIWvwljpjwzziemdDIIqRTS04lRDsijpzjl/vxAv9uwDXu8L3hRXlxv8P6MuMg4gmuVb1EoVNAj6IQPhb73bEJP3Co6VaaHmd2Ljlcvb/jt3/mcXX/LEK7xxEYt53J92zV1q/7ZIoMj3NxcE2Ngt9vy+HjPNE6cjmNT/xC2+x2x69jstnhvXmRDH4HKnCbG45Hz+ciP8sQ0Hnn//h2bzY4Qe4beRIWPpyd8CIg4um5ovb5A2Hh8FNyg7K623NzccvfyJWlOpGT2JKUWdtuBED193zFOifM54eWR6Twx15lcqomS5plKoZwL4fRE977HbztwyuHhgdPDe8p0ZIiOjGMsWLaNI4Zg91915EpTO2i1jC7sN6z36Z31l1YorvWrm0+bqlBqZtaRmisEq9BqS4AWIdxLlm7Xa2GkrQP5apJI637wLAG9EKcM/iqYU7B6JTPbXGNVq54lmliuo6l02NC5j41lq4ZwiFPmkih1Zi4nQzxCRbtE6Q/M8TW+O1FD4ujvSTowlZ/x8eaG/c5zc/MRG7ZEtmTvGSkU9zWCx2VvjFLn8UNHcAHclhe7z9htX3J18zH/9ovf4qev/4B/cf8V5/KWwhHvZ0owBm02DQOyCLW03tNCvmz/qA3uwzskOMQ7g9CjEWr6YWO+a+JJ1RGrzVk675hyWkkyNSwJ/tJBvDAzcevd0PbPRQ+TCy78Rxx/bEHqJz/5Cf/4H/9j/rf/7X/7tY/77LPP+MEPfsDv//7v/7u/yJo1LYDLh8eH0h3yS7//y37nVwUx/XaU0mdBqr0FgxzaTE2TNKjZM09KPY6klKlF6bvmgBo9w1AI3tHFHSJbHANlhJoTacH0xawxYogM/ZZFZ/Bqe8UwbNj1G6JfeiJCFyK77Y4+BlPorjMlReYgTKOSy9zs6Atzzcz1yJTPnOYn63lJpJAoYhlTcGIKzhKhBahazP12YZYt18OLwzkzhazVNhSWRj+G3de2uWTN1gM5VTQ7qrPv+VyoWUlTseawmC5GFCGKpxNPlo4ikFXwmnBacWR8KMSh0kdHDY50NssPXDGX0z7QBX+Zb1u05C6XdYWiTD7LIleMke12S4wB74VpmujCsZUEju3Vjq7v2Ox3TU2gBSlVpmlijB1917PfX6M1czi8Z5wnpnk0JlktzNmsQ2LJlOYi7BtsYpYxQnRWxSCeMhS7p5o9+XYTCcHIGD4knJuZx0RwguSZuVTmnKnZUIG5ZGrTx5kOZ5DK+eGRNJ7RPOPVnldqWYWUnSwEiHae6oUsIY24gYhVLM38z5IYY+QhrbW+bHJayJqpFWJNOFG0jW+ArtYi9VlwQmSF2ZeZUMHQ/4Xluq71tUelLIPQKoZelJrb57OK14ujNMKGeUvZJr4mn8XMRpdeYdFiSVJzS6ihUn1G/UQNBfFK9gXqBHpkco90oYdwDZqhKIkMVcgckbpAaxHnAjEDwV7fS6T3nrs+8ur4wHk+cXV6AXNi1BkhIw4yikpta5MW7OXSImh43DI6oNIghPZHvNmK+ODXAXXUQRFiKRRVQgiEUih+Ge1gvS9o9H5ZLsqHm2iDAWlGln/08ccWpH7v936Pjz/+mL/8l//yr33c27dv+dnPfsZnn3327/wazj3Dv7kw975trvUc1oPfnEDx/Hc+mIWiXYxnQaoW29B8u2jem5wKNTA+efJjYnx3Txoh+sinLz5n1w/shp6hs8HPoduusGEZJ1PwnsZ1NmHTWx+oj337HI7tZm8YsutwRSh1Jjhj5w27HaV0ZrM9Hcne0TsYPOQ8cT4VZpkZeeTLh59ynJ84pqNVQ9JzJXd0foMPAe8inoimQEEYq4mMqkgbQDWPIdeq2xCs6W/0c+urzFqoOFwueG/TWVoyUyqcy4wGgSD47YaaHeMpM00nVBN9l5lzQpKwqRucOILfkJuPktYjXanEJHRB6Pbw8npHPgkpHTikt3z93nM4v6OLkavhhpLNpHJO2QLzopOkkHOy97/M4qCE4NlsBrqu47PPPqHWwvlwbkQVpd/0+BgJfb86Qgfv0KpMp4k0JqbzyPl8z1dfO754/VMenu5RoB+2NkZeKt14RpynH7YoJiibSjHZtLmyUOpjFwnaEaM+gytNX8952IWB3XZgNwzMY+Lpas/j/SNPj488PAApIakSQkfnOsqTCfHef/kV0/v31NMRpEKe0WmCGEy3rrE0tVRKMrZmrS1YqCP0ER8Cm+2m9YEKU57ItTTtxJYReIOAUzUVCXLAVRPz9XStlWKmLKKCyeCJARTOtftLL9I7WtfkYoX+WlXlgFqNoaqSjPFKZiojlUIgErUSvQLmK9V1kRCjmSBWoeRKysl8orK97yoFDaC9oJ2QY6F2FekrGpTiIXXB4O5y4E39Icf8htifKZzxIVJrj0sBl++N9UlAsqEVcdqw2e0ZtlvmNJmw8C7yyYtP2Ww73p7/NG8Oe758HCmhUFymuhlXPYswQRFZk1qkNtUMt8Lb6jBzVW+KGgSHxGCkkWB9Z6eOUE12TXyD+0SbS4M+C1KmgmL2MzS0aQEFF8h3TWd+oz34jyVI1Vr5vd/7Pf7G3/gbhHB5icPhwP/0P/1P/LW/9tf47LPP+PGPf8z/8D/8D7x69Yq/8lf+yr/z6zybkPiAev6HHvdLgtOvrqZktUm+ECKeQ+ONBt4uvO1pskKBtaWXi2+YVJhOoCNIFvZDpA8Dd/stm7Bl43dsw47oI72PtGehbA1mKkNZi7cYOrwY62bRQouhwzlPCAHvrY/i24Cvw1GSo5SMlBm32DK4QIhw9fIj2F5Tr255+INvON4/cjofcRoIZM7pTGBgx4yWiTIHuk1EvKfvuia4qUZZbjfqInkj3q9XqFQLVoMoLnSIjxxdQOYzU0mEAGHw9FdbfOeZUYMdCGz8FhR8zXh3outuiVcvyLUwl0pq/Yzs7nFhoi9n0ll4Ck849xU6B4oTpnzgkDu+/PpnlFnZD3d4NyA+oE2EuDaFEBY2W3vf0noeIfj1j3MerR7ZNhmjUvCdt5mj5o643Bt2aly7Th3DsGGz2dD1HSlnDscDh+MTfb+l7xwpJ6Z5JuWCczajVapSsyK+mIL9onywINFt3zcaekVqXenEQxcIy+S/E3wXkRhI88x0PrLZdAx9x8b3CAmXKpJsfi6XRCkZV02NHamUnNt4RsB7I2rE0BGj+Wx1Q4d4oUplnEdO46kxFg2SWyrp0q7dmMdmC1MoWnBScFKbtqRNt6FQS8Fo5KZVtxBzFqWF1Slb65rd21ZoJJVaZlQzxU/MbR5pKpPR/AGVgPhC1w+WlIVosFilJTRWIdg8WgVvw/SuD0i3MCKheocLne2uXpGwA3o0wJwegJGnauK/nVyD3uLrBn8MOHWoelxxeDwEY/O6KmxCh3pwk6eknlK3vNx+Rsln3j78kCInindkZ3N4hUpdxjDUt6QJnDc42TlBgmuu4U3Kaq2ubErUrRg4oG1fcQ7vTbA4hLZGWLkYRtZyhiDU8nyEZ2FZ2us9H/P+dccfS5D6x//4H/PTn/6U//a//W8/+L73nn/2z/4Zf//v/33u7+/57LPP+PN//s/zv/6v/ytXV1f/zq+zClXiDa6RBaWGX/f5P1ChgFaSLpBhw9d1fablAReSyrNZDlQvmxFGmFgWhapCUeYzuFmQ6tjvB3b9htv9lp49vV6x83dE19GJIJJxLlOcCYUu0IhlhdawDq7JDjnXVI5sCDJ0BR+qbZSAqCML1CyQAlI8RayUd87x4vaa+LISPs78wft/ybvkmN6PJo2khXM+E2TLLJlSE15nQgDvAn0cKNqqp9bUEd+kpLTiNSyVPblBV9UFQszEOFjWLQ6ZT4QusNtvuH31gthHHk4nUq3kqnTh1mjkOYObkHhm19nGlKqQSybVxKRvqHKk1rek6R0HeaTIG3ztcLJnykdq8nzx1c+gej559X22G0cMDhVTHl+5KNVs75c5OR+8qUWvQaqpa6tD6KklUYtloEblq+v9cBH6tZ6l9zD0G/p+oO87ck7kc+HpeKBUCHFgzgnXyCihtiHoYqrYrilKIKFV9vJBhW/9swo1g3NWEUSjvDtvlVDoByR6szY5RLZ9x9AFNt5T1eOKIiVbkJpGahN2pUmQ1Vza60KIkeB79tsrdtst11fXxDaS8HR6hCOM89gkiTy+aQ6qVko2h+GpTIgGPMa28wRYhkvVmYl7NT+sRS1hWZ11gRCXrJ0GPy7/EDMoFC1onhtJY2IuZ8Z8Yq4TKuCrtDGFSh+bnbsLFpSKWpBqkOoyD0kUXPS43qMxo0GtEnEOcV2TwQLiBtN8hJknanniqVa8DAzyCqefEWtATx5fW2mT24xSsDXuFOK2s4pywqx1yoYXm8+Y5gMdA0UCxTlysHORVAltX9RqrQCTxbIAaYaurRfVKvEVTBBaInGRDRPVlbnnvcMHR6jeVDzQ1o+y16EKWitFSpsdpeG7Nr6wGEj+JscfS5D6C3/hL/zSSmWz2fCP/tE/+g/2OstY6wp+to3P0spn/aMF7oO1CatLkKFVPqt04kLXXK7aMtDmAVO7ttdtkvXWTcVmSOzmlTYnZUtFOPLAEPZsNlfc7F5w3V9z5V7ga49nQLTZ0GcIflHOhsUUcQlUbsX4/QpxhCWT7SKhU1xQZMFecm2it40E0ZnSRGr+OsWBxIpcZT7/zz8lfga6nZHZ4VNHeHCIFjZdj/c7gtvjNhsIkUpvm7Zz+Mi6OZeSjJShy2SQULNVA0kjVZQihbubF4zpwPVhTzcEdjdbPv2tz4n9wBdfveXx6cTD45HgtwgBG2jJwJVpoSEgnlyK9RX4CCQjYab2B7Q7U+vBGtvuyCQnDvoL/vWbB96kf8MU3/Anf+v/zcvb76N6DUnQqSKlQDU199q0+UKI+BjY7KwXZZIxdq3LPK8wU3DOPF2Co1S1wEwxKCQs/Uph2GzYbLZshh3H05E0zzw+fE3OB3zMhFCJsTLnA85DLD2h9TpxzrL+mu19iGseUaBF8cHgMcXGIKZU0Gj6gBnwm4HN0EMfSdNE7CKxZHyppPcn6vnMRhUpE7kcyDJCu/coBUrkartlGK7Z719y8/IV2+2e25cfsRhpfvPuGw6nJ97fP3KeR3KuDQsy075UErlm8/uqhY0b1gTMaSb4ys3VBqcGmZfZm2mgb/ebF6K3Kk90JFVTIHkuWGqSZbpCtTRWaZGZc3piqkdGPeJ7xVou1l9JzpOxrN9m7CZqNRv4Wg0klCiEGNFglWVNmZptJshvIp0b0LxvPxfU96gTsmRwxjS8z0/M+lPOeeLjOLHjE+74f1hvrMI8jVCENCW89/RdT1c6BEsE93HPpt/wW7c/QGTkZ29ecIgPjO6REASqBw1kjRRxZszpFOct2VlcCppsqH0txkwVL+aLVRMqJvJrMJ4YaqEZdCJIRkNp6JHtx26pXsWZLFuGVdyApTdm+2lemYe//vhOa/exNAJbyr5UULIkl8vPlr/W/y36fM9/fwEPK4tZoWXKF8jPXnPpTenlyTHBVdWmHtz+WFCr4AuiECTSd1uGsKNzW2MT1Q4f2hwUQqPftOdc3iDtPbdgKwazqWBUdKmXhrIu0jCtGlwYiO3mX6FREZsaL5k8j2x2A7dyw4u7W5g8bgrUcaAvfcuWI953+C6Aj6ZS4LzNVQRpeqPmdlqbHXh7a6sTaee6NUjhJ1yqzHJFv+nY3+zY72+IsWe/LZQUmE7SMq6mntB00xb4TcQTGjMvxD3OYyKk/Yx0MyU+kfXMeXrLoX/LOB7Ic2bSA1+//zm3N79F7K7Ye3PPrUVxxbrNSgWnpqYRnImzxnadxKSdFuhnuT4LSUAXCm59lt6L2jyKOkI0OnqMPd6dSShzGnGTcDo/MfRbYojkPJF9b/NDi0ixuAus2lTcxQG1/XslE7nWC1ByMch4Vhu4LUuj2xlTz9eK12LVai4mzSSmSCKuzbuRiWEgimMzDOw2W252V1zvrhh2O/q+oxS1+bpx5Hw6M8+JnHOrPkzZfVEfofW1Vhbp0q+odqOGYBYxwQ+cD+bDlWfXzDeFoe/IeaZkq3RssL4sK8TWhdq2uK5sWWkTTbhb8J3gvJ1PaTqLlUWT84KgOG90eI9cft78qzS31FbEena+J6S9xQkx4pRBg4BGEKWqJ1eYdGTmiU62qMsm1OsF1wkUg/nwau9d1cQ5qqEkHmEIG4a4oe96Rm8BxreEgOpx1VNFyILdz0FbRaQXx/H2O679sf3ThvFlUcRayCuaUG0jCa7i11GbVmU9W5+WSTe0SS9J2sJMdu75xvqrj+90kFrt4cVmNaRVVGbOtkAtzyqqdujCLmuPX8zTno8PLn90lS1rr1UarirPMFWpWGXV7MApuGYQJ96q/aFE9rpnN9ywC3fswx3BmY8O/pkqeyufxVUWCaBFKFLagPCy2AByzsYIqjOxGlbsEVwFly3L02QyRiVP5Dy3rMpotNPDE0f9huvPtwybnvp9hZMgZ0fSiMwDG9ni4xYfd7jt1lKvRt92YtPqFltb85VWSValpEwfTSPPbQNZM2M5Uw6Czo6Xuxdsdhuub2/YbG4QF3l52xPkhJQnHp7ekPJk1ZMIgl8HU52D7WbDdrPh9uaOYRi42l/RDx1dH/HbQpYjh/IF7w4/5/H8Dd+8/YrDw4kff/ETonvB+ZT5L37nJV66pnpfoFVAzpvvz2bXWxO99xZzipoMUTYFDRFpVW5EgmDC5k1up7Qr5S1bDSGy2e3Y7vfs99dM05lpHpnSmVQnpnRq2XJhGK4RPJtuj+9AaiAsskcsRbYS3UXdwr6vzf/INtI8m0rA0zhSVahNHFlqXUxHbMRWC15N0JcuwSYTOjWb8+OBj64+43qz4dXVLbv+luvdLXHbIw7evXvD0/HE+/sH3r1/yzgbISGr+Xid09kGZz2IE0MAmmjvvt9ZQK2VOWWKz4QgfPLpx9zdfsJXXzxxOmYe7hdSkOPF3UCaR0TfQXUG22HCsZXaVNstiSia2xBq86/Cqp3gheEKxBfmPLYBa1NrKVKpQuu7mEixDTrXNg9og+taDFldHBFc6XD5miiBMio1gCQgOhia8G0V/OwQ9SiRSTLBnZjlyNBtCWGg2w14AqF0dKFDozJLMvksK8fQonQ+sul6dtsto3TMEqjB5poikeoCtQrZCeqg+mI6fJjZ4hqkmuGidzbwq1rIeaI6R3FhVUQvxdRjYG5zhMtogO2SSzW9tBsab9+2ScGYzzici6aC8hsc3+kgBc+sE1gqjgvLD/hDbD/WRy2V1HNHleU5LwBgI8vixIzXnAaM/N9Ac5qen6VtUK335IpDasCXjuvuhht5wUv/ipt4zc5t6Ygr+6gs4qFqgUiXCq5pphm7T1fozzJcubz3Rk8uWeymAdOuK0qdzfQvjRO1DWaaQ4cjEkhzgMcA+x51hfmdM5LHKPgyENjgpLcFVW0LcM58tUSt6hQN5hTbdmNtsyzVVeiUWWfGfOb0+I65nDnNBw6nE7kUbu5e4qOn67f2OhLZ9D15E0h7YZyebMGUkcVZOIZAjJGrqyuur665vrri9uaWLka62FvVExx0hUKH10gX7rjdnbgd3vF+8x45/pj5XHnz9Vc8vvgJm3BFH66Z5kLJikSlDz3DZkOIHS5Y49nab8Jcs/k4iZinUQzUYM1oK/60tYssM6+lsfJEcTEQh57N/opweEDGI4sVS8qZ0+mEk8h+e8BJoI87NGyJEomlbxWVUDVbgAyu3aPVLFOyDfzO88g8nTkdnpjGmYfHkb7bMXQ7bva35oKbC2WcyPMIaSSVkamc2d5ueHX7grM/8XB84DA+8P1Pfpu7F9dsXKRzAj5zmh6YUuH1m/eM08xpnDiN5ohcpVKarYgTwzybYhQqSt9tGowEizqFa1p8h+MJ8Z79zRXf7244HmfiVw9MpxHNhd3+CnRHP2wJb19zPB3a8HG2qNEajNaeMXfbKlDpCXSoT6ifGbYF8XZ/ORlw0uPSgNSAFMWppcLB9SYb1gdyNuuZaZ7IJRFTt36d54TWiJYdrhdchDqpESA6t6qSxBrZhIF9t+PGvWLjd0gNqEIulS4065gQEaDUbMP50sYLxFtS7muD2aSpl4v1WbWNezQUwznfTBQdUps5p2+eXFbomYVLE6FdCE+mnpPWRH/pOYsra2BaXX8XZKepLUpVS9psyazBTBrp6zcLUd/xIHWhn9vxS4PRrwxSlvoofq3AFs8PbRBSXSG3hpch1NVhU1rfxTYXR7tIWPdxCVKhdFzFK278DS/6O3ayY8OGYE58qyDrAoNItfmqpaqrTTTSGuKsgcp7txrIIdImwe29ugYLhAplmtGcm4dRNtXtdjMHAiFHJHfw2Bku/+ioEzA74tIzk4gu+nSt0+Z8aUO/WICS1uBu10Rdo/47bBYon3gz/ohzOnAcH5gmRSRy/eoOFzwh2uuImhzQZhDStvLw2JPyzJxMfUMEYow2wHx3x93NLXe3t9xc3+C92TyIt/NQnaIyENmz6T+mUrkZDmzlNYevlaf7b7g/vOHx8HPYvKIbOmZVcoUoZvfdDYMN17rFYttulVKVXJXS5kqIoVF7260kyyZhzfaypD0CEj2+7xj2O3zXIz5Y1VxNseN8PiN4TucD3kWG/oTrmqJ6uRBqaqvWnYQVnpkm05V79/4d59MT5/MjD/fvGE8TD+9GbvevuL16yY3bGL24VNKUyPOElGRyPzqzue7ptrcEhJM/ML4+MryKXH+2ox89vgAlczqdOR5Gvv76C1IuZLVe3AJHtqki26Ca6eESpLpFuTubDiEqKzR8Op0tkG16bu7uOB1nkgrvv3nPfJpsCNp7dvtr5pwMvtYC2dm6dYuuofVEvDqjf0glug58gpDou4T4QtVI8APeD9Sxp6ZAHhXToHB419n4R7ehRLMJCX4kl0wXBpwcmdNkw/ezhzTgkiABZKwm+BuEEAwm71zHZrhiF265kpd0vqOhtgbPBlvrPjq0qA3Cp9Lgy4j6gPMCjVm3CMQuA8hKY0AuLXrvDcp0HorNPS0jPDb/tmwtbQqYSq3yoXLR8xEcZ87H0hL1Vfa6yeSLOrsGjWwhYhW0a6xCwISjf4PjOx2kDKOVtS+wBKTnf37VIU0kxa1EyzXFa4zLNmUgxdhai628tGn7tgBEKr75BVEVrwOiG7xeE7mjd7e86D7hNrziNt7STR2uGFtJbEbXYEEapVazYdy5hSnHGqTWIUmxKfKFDrpUUjk3+aFk5I6g2CxMrfQ+mAWF6+mjBbm+80Tt6HTH01ePpDrzcfiTlvkLaAk47QiyIeNM+mg+2QyGdnh11mNRo5ujUDVRyJzGA6OeeMz3vD18w+N4zxdP/5wpHThPRz558Se4u/mM3c0V3bCjFk+erf8hZITCbhe4vtkSoiKSCcGYaq9evWK32/HJx5/QxUgIgZxNw85734KmVbSIKY27dr9UHdh7xyd3T6THM0/jkR/+/r/i7vZTvvdppOte0m+2bHY9fd9BEOsnNNZTrUrJNgSbakG9h4DNyrSNkZa42AVoFVW11n1FITrC0LG9viZuB9yhswa/2GZznE6M80zstkzT1CDemVK3xKGu0PQ4nkw8eHxiHE8cT0+8f/+G8/nIw+M9KY+kPOK04gls5JbBveSu3/Ci29KHnlBhwpF8ZJog6QgusL++Jd6BpsqVnLj9/JbrT/fsPxo4/vSAz5k+CeenE+enkZoSYPd0aGm1OgsMtU3cVoAq7TqoQedVINv5ElGCM5mpp+ORH/74R5ymmf/yz/x/uPvkilff+4jXv3jD0/2BbR0MiouBKsLu+hb56ueM45HT6bG505oFhdKsK5rlSZ4toFeU+TyDS4gb2Wwcm6FjEyMu9tBtIDsbMq8gBEQ7dsOG2HV0fWekpT5Yf6xk3j88cDonHp9GpsmuTzqPaOtTd32H82auKJMwTRntPc51xM6RpsQ0jkznTHSR682VCRfj0Gx7QCbQSSTgcZ3JEPkm6eQWiM1EO5FgyXgWoYqnuGjjHY2SLnIJUEsT2+7ahbXc+nUNEm6bZwOTGkGiDXavve92+9v2ZX08EUf0oe15i0XIb3Z8p4MUC4dhbXT+4SD1hwPV0mFSTHxtwVBbsxn3rccsfyw7rA1Xddhgm5PW22oSLmiHZ0N014R6Q+SG3m/p6HHFU2dTBZfqGkVVyD616WtZob3FvEzW5q2sQco14sPl07A2orVZiwhN4biLOIXeCV4W7xhtPSODL2PdIuOEVGOe4QXthZxAiwdCC4gGX5VSSbJQiq0aXG7wuY6kOvEwv+FYHnk7vebt6Ruepnsex3fMeWRKE8Uprk20i3Mm65O1uR6bnJKSiEHo+sCmbAneN0iva9I8Tdg2GzGlNnFQ55ZsrZVeTteZrvk8Mo8jaZzRrGgRTk8TQY7cbx64vt6x2XbEboePTWanobsApYm5Vix5MaVswXU0e4wlUDWMXq388nWpvsEFY1HFviM0le0ySXstMYPIWjmcHlHA+8CsE8N54JR2SGuin8cDKU0cx0fG6dSC0zum+czpeCDXmVITQRzRdcRuCxS8g+gDnQ94ETT0oJWiPVE3DJs9m94TOtj6K67qxEcvP2G7MSPIeR7xk8fNiek0MZ9mNFfUmV3EUi2ti5QmtoyuWqfGPbI0X9S3vu7SQzbK8tPhCf/2Gx4e3+G88OLllv2NDXLLUazCiYHtbg9OeHzco1qZ5jOay7O1v6yp9vrVNdQkoNmDFIuVrpIl0zvFe2dQLwOOjpwVxBFCz2a7sxGCzUCMkWHTG6yrhc32mtN5Yrs7MJ4OpHnidHggpZl5OmMuG4p6NeQiJ3JK5DaYjZhSR82mvDLlCe+Weq6NvpSKZEXFk1OiZpMjc9hoykKuWSoZm+ds+1NTwwG32nQ07GP9bz1nz/6TpZ3xfM/54ArbNV32r2XW1GF96qWSleV92bL8jY7vdJBa7kELUPWDQLUo8/7qIyMy0To42EIKDSta+lIYDEO1RqVTskw471HDlEz8FdPaMoWJa4K8YNt9D59f0Ncb9tzR5Q31rJwfR0iCZ8ZFwXWOHLMNWToPRRpZw62b3VIxLX8/N3JcZpSqVrRRvZ04uhjY9B3brqPzjg6TWcrTmZoTtRTmlEEjXgfCWEAzm01vZnixYxLzUBqP2QgZnWPiiVIr57MS6AgCLmZbeDVxmh84pSd++vD73I/f8MXxxzyVeyY9IxujIlfvCcOGbrvD+Z6qjmmyxabVqNeIKQOE6Nn5yGbzavW7Cd5Tc+Xx4dHkWVrwMikib0Osy+yHs0WvGK387esvef/+LV//4ieMxxHNkeNDZR7PnM4/47d/0PHCCx/3d9Yw9zTarkk8pZIYp5HqEi4I3bXHdR7fGTXdieCDXcNaFJeaa2rwq3uqSKArHbv9jmG7oRsGpvkAmKKCOcZmXr/7kvDwhjfvviZ2Eec9Plo1UCmcxwM528xPberyRWeWcQhtM0nSFEQ62ZLrBK7QdZ4uRKiOKG34OgrSd2gnxF1BYsbtAvv9LTd3L7jZ3uJS5PyQcKNAmjm+PXN8Go1s4AtJilk80D63aoN1DCTPLVDIwjRVEzhdeHepJhRbCw8P9zwenrh98YLPPv+cYdexu9qw3205fp3bcG3h6u6W7dWe4/mMBL/amZiNhO0FKeeFOAhGP7FNuxrkn0siZaWOIx2Zfud49eIlt1cfs9++IKVKKZVpLmw2FqS6wQayt7uNGVw6GOcz4zzydH5gOp2YxzPffPEFD+/f8fqrr5hztmFoKsVVtFSO0z3FJUTuCD4wbHvyZC4Bp3xerTM6Fy2kZCXXGZmFyok5Jbz0BBkI9FR3tipKWqKtiukhLql4eBacWtBc+uKt2i8rlrSQtIxebsdClGjhqyUdC1RpCafN0nnnTTjYu9aPDNZT894kL3+D4zsdpCwzqitV1KL5L6+g/pAUkrRe7VKfYjMMNojrLUCpgi421NaCrSTLWsQkj4wbFXAlIjUi+RbcLc7fUsYdKfeMOSN5RlJA5oArDqRSneBKpXrLUrwIPgTbjJx53yzB6Q+J3jY6kdBYjJXGFoSuC8Tg2QwdfRdMJBOFGSjJmti+4rSjJkeZHF4GxFVitIXXdT2kGTRxKPdIU9Huoqeow0ZKlUph5EzRmeP5PQ/nb3ga3/HT9/+GQ77nobxm5EiWGckDwQ903TXiemr1nI4jAUXyTPRmSlfKhMoMbgY2iIsEFmVxzP24ff4SAsV7tJQWwBeCg1F+xSk+VMbpyDgd+fKrn3J4euI83lNyBQ1oiaTJcZSRL37xMx4e3qFl5Gq/5+bmht12SwieUgvjPHKcT6Q8oaI494QLwfpMeoFFSq7UbIu1VhsxWkwRgwuM45lxOlOKqWdXzBK+lkKqqenZFXL15HmGZBiKj1ZpFi1UNZHYXI1JtwQpo3rnVpUolICno2TYPGzQoPgucrW55nq4s8okOtT1hOC56SMaz1QmsgrObYnDjkEHJDuupJgJ7DngGeiCI1VQn8gOStFWWSyciGWEgMsMoSzoxYJY2FdOS+uzthWt8LOf/Ijz8UDXBT5++RlX21tcF036LrVenxNuX9ya8Os8MqczOc+2VlQpNZOaa7YjNip7b8FFBmoIth1rJY2Vk468ce/o4w3XV55Xty9QHNOUobESnTcSVSmt2nAgEglR2HjHZnNNzZnoN+z2LwndFfdPj0zzzDkXCB7XRXIJzLNylokYCiF68wurNohsI9AetDR5qGpSZXjKXKlF8DLgZMDLBpGTkatk8f7y4KLdIQ1pAcVVuz+cqMkYtTtxwZSqtN4iF9UVtzgnV2nFwCKLpeRcSamQcyWn2loijr6PIME0Mh1G+V+NNP/o4zsdpMzGuEX0Z5/31/ai5PKF/epysipOyppfiI1c0wBenAvtpgGnnQWt0huzTSOUDmoHeQ+yQ/2GfO4geeZS8CXjciLmNm3twC2zTG1Niji8C0SJOB9W2GoJVMtnq6U0WabWB6q1zScYJ7SPHTF6o0133qTztUL1qDd2kSh4xejUCs7FNhM0EEJHiD2h8+Qs9nM1SZhFhr8W1qxrYmYqR95Nr3l7+pKH0xten37BpEdG90h2ZwoZKbHN5mxwElF1TOfJbBlSQnvzcMo6gSQLUq6zXsCCj9dKUbXXL+ZhVbzR0l2zkKARNlwQYyKWmcPhLYfjA+/e/YzzeWKeM5TeglTtqKrk80wprzkcAn10THe3OAqimRij9drOJw7nJ6Z0NoLA7JuCtAUpVHG1UuZCSaa3V6tQKsR2brfDlnmaV0bYQnqomlFNFE02TCkFVMh5JtcZpeLbeS9abHC7+ZCZBYqpKVQKRWeW2RbrLU7UInxzHNAgDJstN/MLioNNt7PmvzPdvOC3ZDlQGMmqeDeYhmP2aFJ2PjOROM/ZNnwP3iWKA+dMGd8CgzboyfoeKkYAX0dDWMZGaltn1WSBWtBSMdLJm29ek9PMzc2eIQx0oSf4YFJH2e59HOz2O0pJHI973t9HFsWP2nq6uSaqQhTb4J2YAaVzBcSZ+kdJ5ATUzCMHXr6Yqarsrq4Mdp0qczIGaMU27tLGDEStUe19Rx+jDXdrxdER4o4qHRrfcDydKOcT6hwEjxIoRUhpUYinDWgrNONQakUwWJvSengoJRnBwdPj6RF6XEvonBQzMxSPhN7IVaWi1e45UyqvK+xWaVvKIr3C0lxSgyEdDUZv6jrFKrAlSKVkyEvKhZzaMvQVHxrbto36LGSLb3sB/qrjux2k2tH26iXRBviAhv5LBWWl6XK55graIAlrszqojpICaI9oJPgtHkdUTEZfI9Q9tTjSBCQjM6TUk5LjMD3ga2FwlfoSm00B1FYrLnokAlHot02Qs98S6egkNttum2FYWIw2w6OmlLH0rmpBW4/MuWiSRUO3DqBW2txHbtYZ0Ramx1Emg/1qSLgQqU6ZyOQME9VU2jcbtlc7Hg/vebx/T7w12C9uInOZmPLIu/NrHsd7fv72xzyO7zjnA2UYTUVdoVYT6MxTI3NE6EPPJvaMhyOUEZ0db6eZqpV+a/BZ6By5nlCdcDI1hhjWJG69uVoNIoy+wX5d3xx7Hd0QUDIpP/HmzRc8Przj/f2DQW7qzSepgjEXM5rPjHlkPGX+zdM7+q5nt9lydXtF6ALqMqf5xGF84t3DG87zyDmNdp2csIkD0Xl6F8lzoaRK9JtWQfXsr27Z7a75+KNPUeB0PDBPR/MnkkKVQtVEcjOFDF21CsQ7O0dkZLBNw6P0G28bWut3nM8HDvMTVQtx8HSxpws9dUqkDKf0wPH0ji/Sj/jp4d9yvbnjtz/6T/mT3/t/8vlHv81nt98n+p5AoNYbis7IvOU8PfHw7i0xe3wNfH7zEfflgePbL5llJAWh2+zxUohk5tlmaeaUVgmhXGvb6JYK6rIRukbr12bvvlSKvjY2aVHGh0d++C//FS4p0+HAx5/+SUQC6iqlGkQfYmC32/Hq1SseH95S8sz5/ECpVq0mPVNVCa7D+Z6u2zJ0wSqJ2oGfQTPe94g4zmPly6+/5pxmdrdXXF/fcP3ihpwqOVfGKZOLfc4lcLgYEReBgUUceH+3ob96ydVHv8VHhyPnceKbN284n88cTyfbxL0w9CZqG/vAOB2t33g4G33eOUo16S4pUGohiCcn6w97djjd4dhSSmdVlFOCmMRT6LYUdXgPOR+oZaYWXeWOvLZ+F1yMExeBg9aHFyyJhmZKqaxOCCXrel5KftaKwYgSLnpC7AjBYGsRG735TY7vfpBagovyQVD6tuXGt7+uSwnNApCXC75aBVGPo8O7HZ4Nm+6WSGRbOpNpyY5x7MgzyKhIUXuq5NDkqGPFaUZDtsHJYBbv0Xd4DeYe2zlcL8Q+GonAR4JEgtjM0tL85Bl+rIsOlhiWbMKY9lmDtyBlN4JlMpYrGcZsnlcBXLBMSLLNjvjWwXBLwU+z2LDp+GEYOI4e1crpeIap4HNhzEfGcuL16Ssepwe+Of+CUzkw14mub+oQNeLwLHR/Y09eVDlqSdQ5k0chJ/tszntywXoELDTrCxOptCFi731zUa2oK2Tn7R5oo/SZSK02yPz0mHh6SsyjKTFYMrc01xU0ozpSywiamVKizBNpPHGenpAgJB055xPH+cDD8b15ROW5VcGwjT3RRbZxMFJGhj5e4VzEuYEYIl2I1JKNKtw0AYWmyNCkmBa1C0StmhCluoRKJmw8IXp8DFRN5JpI85mkZ2ZGspvaMGtEg4cYjIjgK7nJAo31wDzOHOsjrgvsbq7Y7Lfc3XwEzW0XZwxOcQNOMl43dK4jushVd02eHdurI/fzkXkaW3YsNn0XxDJ2NRJI4aLftibP2kY8WkZ9AfyW52nahwgBB0U5H47cv3tLCJHrF5/S99bPy7OpTpi+odA1/7m+7zkeTXS3aqHQIFBn6h/eB0RCu79iGyMRUOtNO+dtbu18ZJrO5LxFPHhsAD8oaBZcNWkuNeaADfNLaRUvSDS/pig9WxHC0FNRxvOZ7WkgeOvZhM4Tu0DsA09Hxzh6zuMBVSXXTC1GxOnkIt6sJktugVVjQwaMAm6uuo2yUg3EW8gVKs80yNei6ZI4KM9aJm5hFTc2H4tyxLJ27EouvXznzBhTvPVnY2fiw9632ay1hfEfQSVlvaeLr8zz41epoq+wGZGqsTUXK8gETZ+LAk49we/YhlcM4Zab/W+x0R238w3jozJNha/eHNGp4MbabNoqUmY0FcqccDUhcaKWStgEdvsr+jLgm1W47z1hEyDa+5LiCdLT+QEbRNHWq1iwY9MbVKlrFb7aytPgJB9N2dgpVXJrXJu7qNlbBFTND2pSYwGXAJlqU/aYTpdrQ8UBz/5qz3l+4nAKvHn7BefyyBxec6oPnMsTX0+vOeQj36S3lAhEx218aZh/2eBTBISUz3h1aJmhzqCmrp4m5fxU8G6Lc5F5ipRRSbXSDYr3SvDTB9dxkfSRRivKLSnJOaHOG5QyGTX99HTi/dvE4Qm09kDF+WyQotgwJ5rNkmKeW4QOTCjnWpnejqQy8zg9MOmZsx7JzJcsE2NLThLofKT2+2Y3EY1g4zqDlsuMaKaPjhg7+s7zvu/wXsjzSNZkGoXNVM/mjGyzSzIiIbO93bO72nB9c83X3/z/yfuzUNva9a4X/T1v0Vrr1Shm+X3fKmKiCW7U43HLQfBcqFgheCEKufBGxIuAV8EEQbxJQCJGUCHohSBEFPXOC++M50JhBw7HbMQd9zblqr71FbMaY/SqtfaW++J5Wx9zJSu6FuxzZJ10GIw5x+xz9N5ab+193uf//IvPmU8Tx3jHnCcmJkqf1MG6F0pnwUeMy9QSye7MnDIhFQiv6OKGh/iAGQzFFG52z9j2kd5cYV2PGEc1K93lu8qV27KyA9fDFb7bMgOfhNecy0zN4E3H0IqxcxoimFIiSSSl2IxgH11gatVjQxYB/mL6rP6DivFq3EkuiXAe+fTjjzkc9jz/4hfx/XOurp9wPMzMYyRMWoS6vmOz3RLmmbevPyfnTCypwcgVaRCU8x5pGyihBYliKMVhjGPoV5SaOI9Hjue9ara4xXgV01ZjMTFTpFBCoSQ1YqZmbM0kaHmYTvUqXtMDBjqublaUEMkhNMjRUKzHdgbrhTfvPudweOA87gnjSJgCpIoXFRTbFtdCFsR0dHaDTQNSOko2qj20tCwoIc5Fh0HWNTgwtfOt7iMXOGohT0hu1x8s7GdzIZVJ02Ut8F9q/w7OgrOC9x5jDa4ThlVH1zmcbxZwFxLYb4cixaOf3bJS/1ZBh4uVzPLMZfdrTEbImJp091E6hvqMlb3l6fAD3Kw+Yts9Y+1uMbOFO8P0+o7p4YQ59tiS6UphjmdKjlipzRHAEkuBFJmnAFvDerdlZdaaF1NE3bWdDhaNGCQ1t4pSydKC2dCY7Mbv1EW5PGK75TJ2Fk0HNRrzXXKLa29hc3aJpq5Oh/mpkrJQq0WsUJPGTcQcVLzqhFT0pvedo1v3XD+54c3pU87nyJv9x4zsmeuJUz4w1ZlCbBe94TDu6dzAbjAX01O/MUoOkcRp3tMde76we6rk2VJIUXRI67TjM8bSD2AdqEdq0z8ZizGCM7axl2iwuXZXS5BbKpWaMjHE5hJQ2vPekyxIpZSooX6pYqtFqqE0ckYuEZGIlUTfNYgVms4mI0bzwTrjkVAvfYATR2d6THrUsbkk2FgJpzPBTIxxZH94w+n8juxO9GvLkw+viKIpyV/79KuEFNTQU/S10unEhg1HM/L2/I7zeOIQz6QcyDWCyboWWdX9zxlKNuQMIcOcM6FEiiQCGbLj48OvY5zw8vYDnm5e8Hz7JVzNGreQwWDpujWuW2FdT/JgNx03L255un9OspnXr16RamBGRauYSkKjK6oxFFGTWIXWQRp0VcgEZnUvoWBEz6FtMMCyB7PW4G0PRMZxzzc+/hXm+cjKe6ysWA+e45SaEWxSn0QvRInMJRDSSBW1S9Lhv1EIvqjNkLVtDkwg1iYudoK1SiZ5OMxYd2J3PdIPA77rwGog5WB7xEGMhjAprB5zavEXQg36ZyQ1Ybhq96RziLMXJmqUinVKjhlWG3KF7ZMn3N9/ypjumca3eBzOfsggt/QyoMZKDl97XN5g05YiaxITcUhKprIWKRYRncMlbAOMzSMuJ7qWlrxw+hadprT5nb98aRcExWSqTWTb9KZ+mZ/rmiZOMF3Fe3Nhyi5SjoUR+J08vreL1GKHVH9zgYLfXKTak9oPmhi3wU6m6gJl6VjLLVvzghf9D/B0+CJXw3O6uiLPhXMIyOlMehghqUjUCJRYlD2kKQNYsRQiufmRlVpVG9MpZFJjbeprQ2c7ZeGU2miyCvMsDBhp/E5T3l+Q9TAW9bYyqBRLVmBZi47GFqDxHm0BVsKBDvRZCBdNxJyLMoiqKJsNERIF2zmGzUoL6gznsGesD0wcCQSS7htR7YtqVaBSzFqTTQWcXdwwKjFPTGHCeYcRjyswTZmUBeMd1TmwHf0gWIdmZYkajC6Ytl20YgtKAZciBTCFSEDISVlzF2iPx4lIaW7lptQGRZlW5HVgXXNGrC6ezoOvatAamnmsWHAOOquO7FIfCTDOeCSr4NmKKlk8FlIhS2Iaz8zzmRDPFDPj1ytuX65I3jIX4av7kTCdGON4YXiGaWKSQHSJw3xgihNzCQ0qTLjm9GGa/1rMkZw7ctZI8VS1Qy2SyBROdc/d9JrhMPD28CkOw3X/BKpR895a1czUdjpv8U7d83vLIGt211ecw5k3n7+hJCUnCAbd5C9mrtJi5KtuuMqi+bNU1HHPoJtFkcUktpGF2nPFgLGGUCMhJl6//gQj8PT6Kdfb53RuxaMoXgu6OCGL+geGHBFbGgy2EJGEUlRRb6WxaQFyujDRMA6RjnEMnPqZaQ5Y3ylJpnlzds5Rm9t9DArvqwJGNZQlZ5rAshGeTLtGDM41qYRUiklqLmsqXdcTS2G13fIwQrQnTuUVvnquy5XmUInFmIzBaFhkGbBlTU0DxVZSBnFanBaobnHEuXyxkLAWhKk+EluUGaK/X6xuHJv0Rl3hapN7LB6q0sxqDf1gME6gW4xs5TFnbXml77BKfU8XqYvGScpvKsvfjrbd/kF3aqZSzcKYKTgsg9kxyA0f9b+HG/8Fvrj+v7ORG4Z5Sz0nwpiI6UTHQG879tMDsUaCjQRGteJf1OHV4Ic13jiO44l3hzu2d5/x4ukHrHqNgS8pw1ypc8RW0aCzhiHnog7L6KZ04Rg2hyZlQ4mAOE8L2YFGIsgpUrKKTkUMXiyueNQpGnKAkkUZdiVTc9SFtBrKnMlZcXZxHVkK94c91mZs5/jgow/xV4lP84b5vFcYgooTw8oMJFMXMjS1zEzxHak6rDVshp7OrvBmwDmH7zzr7Y5Nd8XGX3E6tViHrqNYS7F6E4ugEGTTiNlWpFjsokptGUctcqCFuqV376BkYjgjJuG7Nu9huV4MRjxUoyJnNGxPvQkbmaJYsqj+0/UDvQi9AYmJUNSKxy4pp1iseLxb0dkNg11jzIAVz6rf8uzmOU+fPePJy5fEmnAHz/3pFcfZY5Nh2PY8++gJX/zBl6yuO3Zf8nz1m1/hF3/pP3M6TYQ5Ec8gB4N5Y5oeSaiSVUhbBLG62NZaialoaGFVzVLOhlLUMqcYncAXO3E/v6LGxK9+7X9jvDmwZcvV+gWr7grrOgXfnEM6S/GGubSQQGd4evscZxzHdweO+yP7/R6DpRohKm7enAvq5fMRWxuAZBui4alFmY2xjDyiB7oglqLzElmG+aXyy7/6lm9+8nU++/gTfugHfi/PnnzIZrjmkgpg1W0hm0iUwFxnugIYwfs2tzWevMymTa/XFZ4UI1UKIQaoPUY8x0PAuolxmvF9j+t0Xruw3rq+a5ZHjhQKcczqfVcKJbWiaVtsjRSKU3f9qAhcm5Mpu1iqwYqj8wObq2vkUDnLPSf5lJ6O4j6k1qznJxfF7NNAV56wrZkpH0lxz3R4R8kK/Q5dR64Qw6wISy16nTTfh4t0R0mWbQena5HJLa6oLrMpHbEYo91X1y3Ci9ruP3A+txh6ac48+vktG0q9C/N3tMp/Txepx5bxvQK1YHnt8e0KlYhQdOVDeLQT8WbHSp5wtXrJzr2gNzts6qm5kSFiJeRIqvqVa9L48pJaZ6ZZT6bt1pxTK6I5zRxOD7x68xnOOXabHTerG110rajosKI7d923vA8RXziHj01gc8Vow8zlgFVVX5pjgV50pvmlLSGPZenG0AVDgwvbEiKi+iw0KltEqbmlqpCvmpaFVNb0qx4TDGW5ohvDbaG1LrvaXJIaTYolZt3FGTNh15bVZsXu5pq1u2KQLdasyLVih46iBEu90BvdXtpnZ5rmppbLBUCOLcOqnROlyBZSThdLKWttEyYaqIsdllprYQpm4dA0SFCqRQMM1ZUgZ9WOlFJwYjGux3mHxWOrZ54iknVwXdCuxdW2MBt11/DdwHa302PrLfvTnQqE78+U4Lh7dWK1PbAZe1zp2bgdT9ZPIN5jiloclaK5XTkvVln1Enpa2hVSs1FvwVKpxNY5Nqf+VqTV6quQs3orPuzvWLPj3e4tTjY4s8L3vV7XtaUBiyhbSyymelbrDbkWnr14ie97ddqmuZCkcAGOUlWGXShTO8GFaoRCIZWZXEdKGSnlRC2ZkouavFado4pUbJvP1lJJuTKNJ968/ZzN6pp5Crx8+kWM0c94DmfmcCblZqzcPu+2ACjxxmgG1LK9XzwRjVHNlKhlu15LRe+rGFP7ilhn1Uj5PQNoazVNt3qUhVehxsZslKUYQE2JXIxStItCYdZUjNVPStDuu+8Huq7He89iLFBIujFBk3crHkPPYK+okknuJbP0nEuhxknlDE5XkVxV6K1zz8uK+CgXlYUUsawx5vH81PfRKrWxEgPGN9KEoXVSYL3+HmvcpXN9dK5om5Rv00N8u8f3dJF6v2X8lpP3XpX6jUXq0bkXqqkYHLY4TB0Y7HO2/gs8230/W/OcLl5RohCmAqEQYuQUT5zzmbGciTW2IpUv2UpeVM1uq1E9hzGM44lwN3F/uCPmwNPbp2y+PNC5DnGeOut4PBdpcXWV5jDZZiANloOLHmqxSFI2Fro7KZmSq/rY6VEiRoeoiBqSppKadY2y6EpNOpxvGoau7y4uz4WIiMG4FvtgYNiuWZst6+0aO1plCLbzbcUQi7oAmOa7VFK6pHyOUyJKIgn4F46rJ1e8+PADurqBeWCz0XlBv+0pkskSlWWGXG6QRcS7fN7WKNMvxXSJzyhFnaRDTMxzJJWqkI7rVF7QFknhUWVPyRd6r1RpOTrSOtdILZkwZ0JNRCJupZ3gsydPqUkoUXg4H3XBilW7CEngamNZaqS47wdubp/ih47nvKQCXb/h4Xhi3p/59f/8irevDqyuPMONYZNv+PLND+DSNzjInrCKzGFmHM/ENKkWiTbDs46INOjWqrygJKyNNIEf1AjSmGjVUGsipcCczrx9+zlmstzYl3T2ir7fcdVfY61HcIhRKNUu3m/WsLm6xg8rjHe8e/eWfjMwnWdCiNjjidyYb1IyoWTO8Z4sgWKTkniAmDMhn4jlzJwPKryNSUXzOHZugxNwJGpO1AxGdoQw8fnpE6Yx8enmE+IPJlbDiq7rOZzecTzdEcKJlJSxSW2ODdRLTlgpRjcVRRmVFcGYXhdS88iQq1UF2vM8M03KZlyvV0gx1Iu9mjRxsJIIUm5aorZ10HGy2jOlpokSY7DOYq3QFRBfMR6kqLntdlizWW9Yr7dYqzPCRCBJJEuiljXg6KRy3Ru2fsvaO075HW+D5TS9IYQz0qEu6JJwJIVXl2R5HuezytLUscAiuq6tE9cNTZvlW8AUrKh2kraeGCtNNqMsSN8ifUQWYzktUqWqf+h38vieL1Lf/vsj3LdYCNXLLrv9TBSUElTzZOKWwT1j575Al28xccN8KDBVCJVwPnGc9nz+8Bl35ztO8UQ2qe0OTKNIG6xYrJY+KBosmCWTayKmwGd3n3Ca90DienPD9eaGq36rTKPSFkflfzexYrsBmnJcPfksSyz5MljW3bXCC4pVS6N8ukvnIaK7eg15a7CiaeapOTdrHb1QpeHmiJDqY7dUbSFI4jgdmdKsnYmowwOiZpdl2XFVTeZMtVKs4K0hVyEwUU1COmF1vcGXDeXUU1MDgZzBmQrWUKwOuXN9pMwKaKEqi9GLHlfJhZwSc9B53BwCIWYt1FKbwHTZpCyu5vVRwFisQhDaCjzScsQi4nFGjWBzTuQpkFMhdQXTwuV2/opqDJI7dSPJDpqDfMqVkAshlXbu1VVku3rCk11m132AmY7M4cj588j4dia7gwqareF5/xHPNi8pA9zv3/H56094ONwT0qy5SUZ3yRqloAw1qs55PFEJCUYwaP6UdcrW6qzHVYPJEMLEaM8cTg+M4ayEg5KwgjIeyW0o3um9ZB2uGxDneTo4tjc7nn/4nOkwEefIeJiIKRDTzP35Ffvpjl/+7HOO0zseTm/VmBdIuZKZyRLJEilSiBTWbsvae1a7tWZexUm7w0t2m3bvKZ45neBrX/tl+n5gWK15OLzlPB2Zw4lSE9Y9blBryYiU1r20j7toRLqek5X2Kym2KJHE5uktu92O7WaHtZacM+fziHU6Z25SL1pDhXUNHWtzrbJYYhW9N8RYFRnXpi+KqAC8L5QuI7ZT/8Cu4/bqlg/iF3i4+2XSqNrE6GaSDWDWgG1MWpV5WFPoWWG95U32HOs75vme2hXMsJB7BHIzP6pqp1aMIjYiKvRfvP6s6bDSsh8u8/Clk6pUW1gMbWvrTq2xl+csLMDFQs6IpySH/HZI5v1WqO83F6jHrkm+9edmWdraILU6zU6qW3q5xuYekiONWe1oYmGaRs7jmcN4YIojoYS2QDcICtt2UFqkrDQfvrpkgers5DjuyTnQd54YZ2rNOFFxqzPdxTXBmESburYaJSzK/CrlPdhugfHey6RaZjfOXwrN8tzl+LXFX8xQF6jwkdWjsQqN8VPbLMBUQolMaeY8j8pgYrlq2zluKLc6XjdYB3W1KMWBZJ09NGcF4wVTLSZ7StAuwFrF77GLr1uDm6R1N8JSmS/HDGBMwRghpBb1nbISQcS03exvwBcuXXZ7/21+vPBxWiSUQltGRaClZt3BZi2QdYbahJCd6bWgmY6cjMKExjUSitoFpbK8X71he79hPQRW/oYUDClAPB1INTITcD7TryzrfsB1lrox5FC4kzuk7NUfTyqL5isWKNWQCxjRZGh7cfw3GKMlUmd9Bm80kv0CoVadZabWAcUc1FkjGxY7ILHt+jIKhYmx+G7ADY7VdmDuZ9KcmHstUCGMVD+R7YS4QqhnjvGeXJNq+CoUk1TM3ADZjKF3IJ2jG3pcqRAVMqRqUm2VghFLKYkYJ+7u3tB1mgF2mvbqClJCWyilEWMUgl5iTpy3lGJIcYHrRStXzZDTZd1YrVas1xuGYdB7uVbtFkvFqOWGOl80YJVm7mqk4o1KPlJW2K9WdbuRkiE3wlVRNm4zfdSEae+Qaum7FVfbG4Zhw5QqKaTLuEEaLGnRuHjJFZs3GAPFRk5lT6gzY77XBdPquqGGzFzu+SJ6HVdjWtMtl8/bimvgX30PxWjp4xdHimYNdbmlFgmFMiox0tzcHU46aumbqfZ///E9XqSW+O73Ts5v8fiNhcsAHvDFYnPHUG7o4xV+2pIDSIrUUSO1a0rsj2+4Hx94ON8z5aCaosqyJ8ZgkCpYHFYU9ivkliXUBKkOQh6J55GH/Ru8cXTO8+L2Bbv1jpdPP+Bqe81ue8XgOu3OvCCuw9mOHAoxVdKclamHwdauDTVbG+7chQFnrdOLcGnlRSdwC3wRSmihdIVUdUEvJWrHZhzWWZ2t5AnfWdzW8Otf+wqfvvk1vvn2U0IZAdvw/AbFXfzG0LaeqlCBQApFIbCaePX2m3gz8Ob4KbdruLneEc96j7oL1TvqJyVgrP+WTmph4i3F1VgVWPrOsT+eOJ2PhDQr1GSAZuHyfp3ShNHShJjKhqulti5KFx17gQkr3jliXtPnTYNCKz55cqzEWHHW4mzPsLqBXvM7FqJCxBIKzKkwx4L1la5zrFc31Nzz7PrLuHpPmV7j64rMxECP5BkzTtR7QzgL+Qxhv6EedjAekVShmzS3yiYyCr8WG/W8teNsoODFfNc04beXAe839HXN8+0Lnqw/4MXz5/jOMaWJt3fvVJQbQYxDRBfNpUipVyJkmamSqESYVE7hjGVJki05k0okESg2Ul3gyAPBRCavPnMikELF0LH212y2VzzdvGTnnmKnTJoEmxy5REbbOiln0MlW5DTecxoF2QuZSCEr+60dc40aKrnfP+DNiqtN4tmLD/C2J8yVGLOKd8NILULXWdbrgfV6xRe/+EWurnZcX+8Y55E5zJzPBxBhmiY2myv6fkAslJqI8Yyz/nIf5lIxuVKrpVbBVxUZ51woZSKGwnyOnI8Ttc4Y12O8p7vZQu94cvWSpzcfsq/vOB4CU53x7oStPU4czggesNWRxg7jBLd2BDdhq+FUXum9jd4DRYTY6OYtDP4yIliQG4cSkIw0QXhRtAVp8LhrcgLbwk8RyBplVEWIApNM+OxxxbG2PYYBV3f4dIPP9jta57/Hi5Sq2v97yuXfNJeCdus4HAOdbNj4W1Zmiy89NaiFfgmVkiM5RUKaiHnWG75ZPjir9E4nlrb8X+A+uYC9KL11mYG0DzrFiUhlnCqlTtyfVpzmB3abK3abK9aDxzmLc57eD3jfU6KoeC9bVn7D4FcKES5LgTS6qXmE6qQd8AJDvN88LGJUWqdm6pJyXNuOOlIN2E4oJjLlxN3pNXfnN0x5bjvhJigGqE3p3i73iqjn3/J55Xb9S+V0vufdw+d8+vpr1CeOVfeM2thqmdbttlA11Zu0Lmp5+3URgGpPklkgxkqMQWc2cSbnNo9ZnBzasRUyuQ3Ul2JFLY1F1joFEZzoIFikUpLax7gizVOw6mcvFTEFawaM6RCjCcMiThmVVajVgDhqVc1SzmrMKSi9e+hWdH5EqsPQQa1Ys6Hi1KJrQmPKqyDzlr4+YS0TxnimsifVQK4zl3RVUy7nSk/LctUrjdgWjxTtIjwD6/6KZ9cfcD08p++2pFQ4nc6kBCp4tYhkjNj2vh+hcwFiVZPhlCfqCCSwyRBjICY15U05s1lvmeSaaEbmGMi1ks2scGKpOOkZ7MCT/glX/TUbt8VFj0TBpB5TlrSD1hk3EoRU0e6qFiWLNHhTmZ4LgtA0cKUQ48w4HqklYPue62GjBqkpY85GmXnAbrdhu92yXq/p+h4a3G6to+v7FlI5AZYQEsO6WRJZ265hWoehs5qyhDTlNhemOc4YgaSEjBgK8zxBjMwCbpuwa8tmuKWuIXYHjLhm7xWatZuiN84IJapCv+aBlduRzESfVuSaoAZqleZYXrXD11N/WRgW14+KnlfQzWNtUOVlzSiNil41w00umVa2bUwrSTLWdFTTYeWKTjasecraPSO576z8fE8XqVIqppbvmCVyedTm/4ajrxsGrrkdXrKpt/RlTR6bOeiciGkm5sCcz8Ss7hG17Ro6N7QLwze4z6DkHKVEL+xDb3yDKXRhLCWRy6S/O43cj68wCN/4fGC92rAZtmy3ns47hRj6DZ1fYbLHSsfKbnl+8wHWSYPXlGFmrMc093SF6rh0Dss5Mu3nS3d1gSvNo3ailEouCvnghG7niHJmnvd8/vAxrw+fMpYJ3X+pk0WDqTHLHIcFQmy/Fi5JvsZW9oc35Jj41W/8IrlYbm6+jJcd1jki4Ix6sS15X4vL1xIXsNw8tlVgwV4gvmmeOJ4OzGEkpgCU1tWqSLOSNWY9hwb9LMfRcHMRnOvVC9A6LbqlkArUYvHGXTJxLIJ1tTkLeMR2GDtgbKd/X1T9FcR4arXEBCGqOWxF3bSHYU3vR6Vv145FwV/pKNlpBAKVEg0uVXZSKQ462SsUV46klDE+Ua1GyVdoA5dGlcQh6DVkshbQNAn9Zsv16jlffPEDbPwNvewIITNOe7yfsbajc+pBKGIxc2SJwzGNtRXyiTmcGacD6ZQpsVKDshBTCdh1prjE7fVTzFDxK8N4mMgJcj1QcoJY2fhrroYrvnDzRW7tC3bcYCeoo2DCgKWolZcEHqPIm4tBhawCQB3eG4N420hFVZmrVc2Ip2nkQd7x/NkHrDdrnj2/Vi1Zrvh9R8zKBry5uebq6ortdov3jpxV3+idZ71ecz6P3N/vmaaItY4n3NL3jmHVQlRFBeqYFvleHp3D1bDVsLI9JXdYhPEcSakSxpmUK2kKrIplZQzX25f4uiIMrzBxoGSgTqjtmMGaHm9cm7s6bHRs+huMh225YiaT08xMINVKiO29lAWuXyB7aQSjBe5XRqVGnwCmYoq5bGxNaZ8BnRasvADMqgcsdgVmRWeesbI3XNkPuTVfoNJ9R8v193SR+k4ev8l1orUTjg1d3bAqL1nVp6zLM3zaUqMnHiM1q69cqqpij0Vxcm96Om8xxnFzdas3bjXMUyDFRAqRkhM5KV7uvGOzWl1yiY7ntyrezAfFlEukEHVo2WdmM5PynsOp+fEdPc4MODNwNTxl01/x4W1HdWB7T1eGNtPRbk63OK1ALZZRy/E3LxNl3olGdxhRTL3NtnLL4bJGaJQqjMu8efcJH7/9VT67/xqH+S1dPyg8VgvOqUN8DLMusqLwTjvpiyQJItCSiEM+kPPM//4r/29Srjx79iVeXv8uXHelHYMVynv0+m/9TNuPm25Z2s6ulkqIgWkeOY8K96USGtNKHceRqjOMNGlMRtXKqaa1Hm97rFFvRdNEkFphStNkGUo2+NZpeWcptrY4eRWGxmpxeKzrcKZrvwO6foX1HRjN9pnjAq1W+rXDrwziHnPBpHp0r+3wFJzoMXa2Z73aMLg1Uz7hw5ZTvOMY3zKlB0oJGJsQazGdY7W6wkvHIMpGk6LdHBhwnifrL/Di6kvsupd41qTRKPxbi5J4nBJ/FlF2SknDH6N2oqVkztOeOYxM44H5HDWqJGt4fKHgcqXaTLARYWDHC7583fOkHOjGazIzhcSXr7/Errviqf2QLq5xyTVEo5AEsliKeKwZ0CNozMNqoA3yF/Pl2tiapS2wasnjsNZRa2Ycj3z8za/ysL8DCpvtFZv1jo++8LxBm2pf5pxvoYeZrldPP7HakfXdwO3tE+7v9xyPJ1LJbLcDT+wO7zqNeG/zTtO87Cq6FqQWoFmLdlz9tqdb7dhdG+azCtun3OE24IbC4BOTPcKTDeFgiWdDThO1RFKCIBWxHusGahXmqSDdlt4It+YjxtpxmiPBZLJUDe8sLcbdyKVMmbYxZNFGsbj0tWcsOoOsz/HLBiZ3Cm9nA9XijWflt1wNT9j4Hc/dl1jba67dS67sS/K3ube/3eP/D4pUG1ZWvt16ps/4NjR0KR6bN9i8xZYNtqyR2FGD2hLpXKI91xrEeVwpDP0K5zq867jdPUHEkmOFeFRNQk0NwnF4r0XqenONdYK1lZJHqJGzTv7BJEBhteoM2bSZQl0citWqxTIh0iPGk+oi9FXGn6naFS6SX+A3nw95JEOIEV18Lk98/JMyj/Q5xqLO6Glif7zj9btPOc0PhDJhvaMWc4ls18yZiF7KVbFrUAjwcZ1vxaVSaqTUyJu7b/L0/pu8O3zOzfYL9LJt7EvUUqa8d3ssTAYeP/La9FO6O82EENqXQn25JIq0YXnRsLlSIrmo43qtqogXQQPamlOENUo6kaqUdYWW3QVSFGybdXjEKF6SU6VlH1OWgbPrlAgDWrScb3McDS+0DWr1vaXrbXOuN0heUlYd0DXYtFBrxImlsx2VirMDocVyLDPFXJUkYHBY4+n9ms4MrGSNZCX0ZFD6s12x6W/ZdDc41pjSU2KbO9AW/FwpRr0pq9FuJWWFpkpDBuZpJEwj8zgxTaHFV5RHIkpL4SU7nFGLI9P1DOxICLGcyTXyvHvBxm3Y1S2SvRKYqqYcZVNVWC1KuVfIUTdni15MZ1uti7yIDRc6z+JB1zK5SuJ4eqDWzMP+FmMN/dCz6a9wvseYvv3uR5nHstHVLDGLd7BarTgez8DMOE4YU1mtPax0oGDsIlpuDjGC0rpbTM7C91Q4skMoeFtJyeBSh/QVcQVrrpDOsl0XzlNW5/w6A6WxToUEeLNWRCQJxA5xmZW5ptaZkFaIP+ua03LzVKNbLhs+DVzVGfslDXjZANT3y5VKESw9pjooPSRDSTor93bNVp5zw3O2csON+RIrc81OnrORpwT5bSDmfSRC1N+yQH375wvEgTJeU+ZrUr5iTj0ud3S152a9wUghcSbZSjLgNreknHkaJ1bdQO97nj37kBgSD3cP5LEQx4QVx2q9Yrtbc3N7xWa15sX2Bc4ZnINf/orl9btv8vb+q5QyUWVGbERs1WgGZzHO0a02GKcwixQNVKzBEkWYUmWcC+cx47D0dHSyUt8yGhxpFoGgU8GhFKxdvO1oN0oThrav0ogFi0N3soUpnvm1j/8rX3v9X/n6219l6h+oPuO8OlhQtOHCZC0+OVNLbqLBtmg0yyV9fqaWgPiZKoW74zf4xqtrfvFX/j8M/Quy6bgdbijGUI1pO82CtQ7LoyBZc7Xabr0UYgjM88z9/T33+zsOpz0pT6SkBUuPNZPyfCFJ2MWluTd44xnsQCdrLB4xDa6pTdtSMiW7luwqeNvjnaPvnZrb1qLxHAUKniqKw4vrMMbSGctqpXqX1WqDdZYQZ1yngtDr24FU1tw+bJjnjpwygofmt1bymZInzsc3bdUfcL4nkXF2zaZ7yiY+4e04EMqeWN41co3D1hW2DnSyVRjTdQxXazo3sOluuXHP2dknhIPFZIGkRqfGVZx4LdSJVuSFkAI5RWJS94KcE/F8JgU1V64laZHzomLnzrHebvDO4cQ0ckpRjzwHP/T0DzDvH5iPB/xcsNHgc0dtts3TKlF84sysDEApuNLTPL2bh6M0SN20jX4jyRiDt4beWEi2zWMKzjq8tcQ0sj9GvvLVX+Z4emCcjsxpph82rFZX9N2Ozq/pOq+0fSMXbGIYOvWDDIZnz19wdR34+je+zt3dPXd3b3j5wQfsdjs22zXWeZSU3ZYrozNtzWwrjf3aZtqisTM1W7o4tOJciHULtuPZ9Zq3xyOpnihM1BooJTCHSpLC4Cu5WEociAcoU2G1e45YyObEUQKzrfjOUmrGoA77oJsmKwYnBl9N0w5WCk5Znk1PaEXPuxVLxxqpHZSBWhxUz9rdsjVP+Yj/iRvzkq17wk5eYlnj6hU2emo4fUfr/Pd4kVoq//s/WzqJhRr97f6fUsYtHlJHDZ5prHSmUmyhW3U4Z8hVfcoK4JzSVktN9F1P5zuut1vmKRDOM73zdM7R+Q2b7YonT264ub1ivVpx3V816m+kd4IzBUrUHbkIOIu4gvhMtzYMK8FuU0uWtZSoT5/rDJx4O71jfd6p63Q3KGOWjublj3kMsW2xFUo8KC1AcREXLnTX2vQgRlAM30AyiYdpz8N4zzfffMzDeE8WjTOhCMRGkqimvb5qmzJJuwij+otK1oE2LF4o6hV2wcEz5+Mdn3zyK3zj5v8gzjPl2Q+w6jqGvmtzLCW1F1oEeWzmr1m1LCkl5ulMmGf2h72Kp+NETFEdJ2ptc8DInA9AxpiKsb0WEbvGmh5r1zqvabvnBaaU2pwdzELDVsalcQ7jPbZqp2VKaJ3fe1YwVTtLY9V12/c9vncYayjYFjuuZsNd17HdbBh6dff3bmhZVJ4YjsR4pqSzaoWaGFKk0NcVVfSYchmZ85rESt9b7xEZ9HrPbWZQHVYGXF3Tuy0urzDVN5/HgnFWDY5rUX2aQCVrSCeogL0m7XBy1CKVAjEHUooa1Gk93WaF6zt837Ma1ljbSEYNqSi1IFboes/RCScBmNVRImmnJ8Y2Kr1tn37B1EcdnywaQtD4CYMaODfZxNIVGAyYS2i8kkvIev3XTJhPHI8PWOfo1psmknZQLKYKpejsJZcG29lG2hHoxTWqtuHJ9S1zmBjDiYf9kcPphO8tq/WK3dWOfqWGtda1Ttzo/VYrxLwIE1rIp0A1SrQqOZNCocSWEWWai3gbPBvjqaWQciE2gX3FtPu7YFOHr2sGd0NX7/AEiqnatWOotQdAVX0VT2m6JmnK3QzSNiDQPkuPMx5ftpjSY9lhzQbHmqvuBRvzhCfuS2z9E1Zmh00rjHSI0c60pt8GFPRlpw6/Cdlq/1wv3y8dF63tFnWqltRTZs+4L/RDZrUq9JuOvu8obGgGB2xrQkPNwLfwrtWwZbQT03Fk6Dyz7xjWHTc313z04Uuurrf0Q08nA6Wo+LNzBS86izIoVFacgC9IFxi2latbMNdBHYZLJYyZPBWmWJljJp0tvRswGG6urnBGyHRAvVjoV6MLTjUevM5AEKFYoxCOoHS7HCHO2NqG4J0lkZhr4M3pNW/2r/ja668QzZHcRMC1GCSCa/oM4/SzwCr8kk1WvLkmdZquuQWp6VC2FqtC1yY2PR3e8fH8X9j1Tzke7jBYdttbdttbevE4sahjgIEihOnRXSLEQIgz43lPmEf2+ztO5z1zOOuOP+emxYm6gKc7xGS8F5y/Aeexdqsee3Z9CVMEFVaXFtZHY4fpxVMVxvMe6ZSebktRinHWeHRjlLyg5BLdgfu+o1+tcL3DWtEQOq8UbmtbkdpeN12WY7260l216TiPD4zjkfP5gTkEnWdZSzWVvq6wWPraIxViOhOLulr49cDY5kOEoALKLNg64PIKb7ZYNyDWtQF/wThpkHKmtN20nhPt0lNzKUkkStEYjpAmUgzEHHF9j+97rq5v6YYV/bCis72y4rBqP7WQxETw3oBJZCKxCrkkphjxXQvZk9q6JqvaOBokdWG0PorVjRGMmNbJ62W5iHRrczhoE9i2UUzUAnGuHA+WVAqr3RUpF2q1SAFTKyU5srGUXOm8w3hDTm1i6HVO5Y3jxbPnnKczdwfHp68+5XA6kMvE1e2OD77wguvrK4ahZ71Z0RmP8UqSqVUoEWw16sQvbZZnIjEmSoikMWnAJxYrqgukMQet7dSnMWcE9dOsCDWr9soEj/cbNvKMvr5hZqbYRNF0LGrWjrmrBUfES9DZlBiQTjPFJFCqBQHrPM70eOkw4QrLWokR8pTB3vC0+wJrd8NN/0WGbo0zPSkoeacaKKaoldl38PieL1Lvz1TgN6N+dUkEvQhaKzlFUjkTuYd6QBNBd8iQ8VeV3Adyb7B2h0SBJPQm6g5qsI1BZ7FiGPqeF8+fMZ3PDF3P7ZNrNpsVN9dX5Bw47/d8evyU8/kdh4fP+OTj/8J+/wpKUJdgNzDGSc1gSyBLIpSJlQhucPhNwW4j3WbEXBlqspjpLQ/pnpy/zi5Vgn+J71b4LNgqLJEeOg9o50i8vmdrL2ydmCMxRWIKuM4hVkhd4W7/jk/vP+Mrr3+Fh/GOyR3AzWBzw6EFV6wKAmtpdFO9qaoVwOJtr3ldNUGObV6iqv6mHAQxGCmUNHKePuOXf+l/4ZNv/hLHh9e8fPF9fOELv4snm+d0ZoCoA9taLTkoOyrGqAtjCszTkRhGDvt3jPMDsRwo5nCBoxJnsszYXnf6znc4O2DNBmN2GNOB6S6zmFq1d9O5lc5WXOe1iBmD6zrEWoq45ixQMRL0fNeCF+gsWFEIpessw7pnvdvge0PJ6oL+8G5inmfevnlHDIkcNQ+pcz1rP2CtazqYK4auJ8TfweF04OFwx9xkAJ1z6uKeC1f9UxhuNb9nNeBXPWOK+p7IpHEmTxGbBhw9fdxgawfFEO1MJmiEixHtUJzuDVLTBeoMYxHTqqVRzJFUM9UJznVsd1f0qzU318/w3YDvtJOTKkuWI1K1oNeSmE4nxvHMeRoJcVJrL4O6Ofi+Rah09GWgYKkk9T4ULf5LDE953IfqArtMARba90Wqop0ctbwHwSVCOJHJfPL511lvr/hAMjmPxHiAfmSz3fDk5RPEqPaxNgJSzq1kOsGsBg0uHFaIM9w/vOM//+//K9/49Kv8r//5zNNnt2w3a16+eMHQdQxdzzCsEeOYoyAxIzFjIjjj2OyuMK4D51RgW62mNQhYm4hZvRA73zW2biWVWYsvQZ1dKOrGLx5n1qzKikSP9WeKGA0RzRtMsXQ5Ys2INboJAkdhg5OAE6HUDkStoywrHCusuaXjiiv/ZW7cR+zcc9byDGt6nF1RqiUknRlrJIu6vec8fUer/Pd4kfr2j/eJEosd0uN3UHJkIHNG6hkY6FzG99CvDdIV8FXhhiaa7dr8wnpN7aytFbZG6DvYrDfUUrna7TRLRWCeJ6Zp5O271xwOb3i4+5iHhzeM00F1U6K+dDFrq48IdtRMKFYWXyriC/iIuKgi1wJ4COfEaZ54yK8wpmMrgU2j2FJbNMDCzqmLpFKJFY9zqKRi3mXRoWjG0fTA2+Mr7s5vOIV9e/2inmKtmzGYJi1S01UNSlvsk5q4WpSiahv5AEMrUFCLfU+3VchMHPafE+eR19undB6ur9esjJDNmjwDVTOJStLcmxDUdy7FQAyqi1KvtpFcRjIaTpjqTDXqWeeNxRiPsxusrLGybjk5rkFHsOipWMgbiwDcmQtEIy39tzaxsR6uaWCSQqdWFPZzVug67c673lNyJsyB0/HI6XDSGPHjSdFaDFL0vAmN4msEb/VW3W6vKLUyh4k0JWrJGnRZ0I6jChj1YPS+x7kBERVxdqaQ0ELE5DHFY2tjxrXhuHoEgOBaq6P3y8ISVbpPcymoGnNSLuaqDusM/XrNMKwZhhXO9zjX63UJDepT0Xe5OIO03LP6yDjDOMRaxDpILboci5BboSqX+fLj3S6Xz+JSrFhEqo8//Jbns1CvaoPVZh6O7whlZth01BpAIt1ssT0UbljE84+YXOvMRCFYL56Vsey2W0qNdN5zOEbevlMfvdVqIE4jg9citd1eYaxjDEAsSMh0xdJ51WX16y2dVSLD4+stQm0lK+WqidMqqtfuSQMlGxRUaMxOh5OWf2Yd2VSSiJJ8isWLwnzWNkhGLAWPlazzxOZEYRiwdY1lQ8c1vblm7Z6w6W5Z+1v6skFwOlds+qpcCsutZYoh/fbopOC/xeq7PKU+XqYXdo6ZiPYdU1nTk3j65AvcfNDz/MWO1cYp9BWTRrpXnY+ohqZrmU/Li+tCf3V9w3qzYbcbmMPIu7vXvHr1GQ+Hez7++Nc5nd9xOHyO4YBIxHWGWAtjmBhzIWIRroipcDwWtoeebjCsbyvDbaS7DribB4yNsEmk7op0vuJXTjuuy5lp9QFf6G65tWvKFLDZ0qUBi1N9lXWYttWc54lpPnMKZ7JkysowlpkpjHzj7a/x2d3HfPru6xzya7IN9DtwPbjeAStKLYSYSTGTUtI50hLj3k6OyVxgrk4EcZ6IquxjTI0mrLMyI2r0X+KROU+8e/2/seruuN7eI+H78XZHmhwpaQelefdCTpUwz8QwIyKUktUANL5mzncc4zeJ+UxMD2xXVwz9jpX9Pky9wuRnWNlg6fDNjd7YukwsGkTc9EZGue7qnG2aJ+ICMwmPwlavJLZcVTBr1Al/tRp49vwJNzc7NuuBu9f3PNzf87Vf+zVOpzMhBFbDGm893vckIpLB4cjOUb1Smb01PL152ujxQnlXmKPFrkwjFCSmOBJL1C4rRdwM3mrX7xE6v0LMQLWOmix5bvlKRk1O9ZAKxupmrDRhLHpWtEiVonOoGNStHGG93uD7jmE9sLu6petXrFYbLf7G4myDtXImzjNhSpzPB0qOGBLW6dzmcNxTK6yGNc6qe8pypy2IiNG9+HsgijTIS9mgNbfhpyz/1p5Vl+OwTQCs2yOFqgFbKGbm89ffpBr4/PAVvvzR9/HByy9QppngJ7rjmtWwo+tWOHGNgNSuy7pYBQnOCE9vbrjarcn5f+bjb34N+8uFN68/4/7T13z2q1/DGUtvHdc3NxjreJgCtoDNwq7bstteQTXcPje4bqWhkblSElAUFkxxVHsxM1+KWE0ZcIjpL6chLybw1TCYDcbfkPtMMpEoEcmC1EpXHvVbmvflyHXRK4Itmv5r0zU2X+HyFVf2iwz2mqv+Qzp/rfd6ihqkOmkCMFWUIFLUqFdq5RwO39ES/10Xqf/wH/4Df/fv/l1+4Rd+gU8//ZR//a//NX/uz/25y7/XWvnJn/xJ/vE//sfc3d3xh/7QH+If/sN/yO/5Pb/n8px5nvnxH/9x/uW//JeM48gf/+N/nH/0j/4RX/ziF7/bt/NdFajLf1l2YGIZhhWbfsfT7ROutltW/aB2LmKRrqeTHi89zjRWf3ncedXa8mJKou8NvvNUCczhyP3DK+72n7PfP3AaH9SJWJaLuAWxlcSYE6EaEgaT+0ZzNqRZd8ejyWQsMXu6usZ0GeMyhA3kgVDhlCZeHT+nHxLV79i5AbCEVPBVoQ1zccGu5DIT60iUiZnAnAP3x7ccxj1ff/0rHMM7ZnmgdjNiVCtm8CBeIaBGK9fhgrTdNiw+hdTS9uO6iavNPQJnGywmzX26ZRtJ24m2/KGY75lCz3lUS5pqzki/oZhEmCOn00icE9OouLk1jhfPX2JEOB4LhxzI8xlxASE2I02o1WBY4WSLM9dYUX2Hk3iZ5S0XVCmPnQMXg942fLfKPNQNj71EEVhjQQox6+Kdc+b6Zs3u6opnT5/onLMk3r55w/7dHaeHo97MuYJTaLGQKSRyFaIJkJUo4Dqni5BoEvB2faVu6OHMVCfNe/I9pnfEHAgnPeacM32Dw3JM1FSosWCz6qWkmovYWIuAknU0lsNcEHVZdoPteiIrZGzac33Xt5nbQDcM+K5X70izhO4tHXQmxcA8j0zTCWphPThWqxVdZ7i/vyMl9VtcHFSMLEGFjXSDtIKziKTb9UXVzqF1OJXHTak2yUqdtg16pImBq6kYV4gEna1xIpfEw/nMp3eFmRMyCNVWNqdbaPeC8Zp4oK+fLxZtRYQiGhlSBa5vbpqH4UTvHYfDnvP+AXJBciFMM2JSs34QpAgx6uZLiUE6a0qpUFNlHpNuzlLUezAnQkhN62eAvs25sp6HBq0iVdOG6wZHwZgIMpOZAHV70TBDjempMrRjHUAiiMHKgJU1Pt1iyzU2X+PKDbbuMH4NeAowzkdqFCQ4Ot+r80fbwFY0ayuV8B0t8d91kTqdTvz+3//7+ct/+S/zF/7CX/hN//7TP/3T/L2/9/f42Z/9WX7oh36Iv/W3/hZ/8k/+SX7pl36J3W4HwI/+6I/yb/7Nv+Ff/at/xdOnT/mxH/sx/uyf/bP8wi/8guaxfBePRSfzPpPvfYjv2z/a4mI9280VV+aWpzfPuN5es+5XFyjOm57eDXgzQJkgF0pegHndOSkpINJ1ytIa5zPj/MDdw2fcPXymF+S4hzqrE3NtjgdVE1XHEgh4snhM6anNFSAFow7iGWKBOViGarB9xQ+CyQOSV8RqOMeJV/FThpSo/cz69iOolRQyUlSQ6V1t3Usi1ZFUR2ZGzmXkmE98fP9V7g5v+fqbXwIbkD4ifgaTSWVuvpSuaUYWOC83OrsunnVJBqaoTqo2g8lldmB6vQmtIMlonESzJBLAGr05QrlnCsLxLGyu10g/0g+3FBNIZeJu+pzzaWR/f2Sz2rLdXrN99gzveoor2PNMOZwQFzGabYDmcTkMa6xs6ewNVnxbAHUDYUxtrKhlLa6PdkyN3SfGqAGpkQb5Lqwzzc6pJl80WzlbttsttzfXPHv6BIyQUuDNq1fs7x4Y98fGYDNaPGpuCbuOUoUkQeeLrSM1TpNsvfHsNlekkvBTRzy8VfZgb3GuJ+SZh/mszvYpa5GolRgCOSRKKAymb+Bv09bVtoQ3+55GLW2vDxeoTDUA2rG0ImWNYVgvRarH9wPeK/txKVK6d2mmta1IjdMJK7Bd7+iHAWtXfPbZZ0C8FD/9vlgMaddaW4e03MuL/klz4trhsDiftC6rOcBLAw4pDboyLfvMqhXanE5kOZHKzDgG4tsz++kdV09uEGdYH58qwcau6Czt2l5Q7IXRasjWqi8flauba4wz+M7hrHB395ZXVYjjSJomUlAo2lhlElospc1bc4rklHSOHgs5ZObjxDipm4oWk8QcZrz1GhcvTf9U1Yli6a5EKiTB1C2+OvU3lBHNr9MZswr+K5qjtlIpBStEZu2IzQqXt3Ryi6u32HyD4xbLBlPXUD2lCofxSI0FFzqVwvgWzinLJiwTy/wdrfHfdZH6M3/mz/Bn/syf+bb/VmvlH/yDf8Df/Jt/kz//5/88AP/0n/5TXr58yb/4F/+CH/mRH+Hh4YF/8k/+Cf/sn/0z/sSf+BMA/PN//s/50pe+xL/7d/+OP/2n//R3+5ba4HNh8D2+l98o4l0iO3LObPtrnm9+Jz/4hT/CjfsSH8rvZmMtgzVYp71xKQMmGaiZktSxPDd7+wqkpLHdmEDIkRgmPv7k13n99jM+/uTXOI0HZZ8VjUpwuo2jiuA6QVKkhBMhFTIWZyKFjlw6vLVgLIae6dBRDo7zw4D3js1mYLfasO5XDHWDJEucPufzw569XRHnM7v+htv1S00LtZUoI5hINTMn+Zx9ueeb+69yd3zDq8OnfPz5VziOD5zDHa6DPlu6rgkmqyNPhjHo4iVVsM000pSOXL2yvWQm26DR5KJdkTgQW3RRr1EV7rFSfLNMyva9wTYghckm3s570uvIvcysd1uef/Ahm82K7fMVHz4RxrNgPh0xZKoNdB+c8b5g7Bl7jrgTbOIzSrIMxrHtXzD4W7b+IywDJot2tc3h+wLdtcl+KYUq6mJQL7txe6FFW9vmT1UjQmh2Oda4R5JOKey2G66vd+x2az579ZrXb95y9+Yd4TRhscRZGXImW7qu4gevbicUEipTsMaSk+q2MhXnHEPnAWHwK47nUf0K40wdVCtjrSfESJzOakRbCiUGpBgdkO9UbGnZNM1r60baoLC2eeb7HpSlagEuKV/el3fqMblabfF9h191OD9oRIxtWrNSSTFSUiKMI/N8JsxnTse9zk/rzNOnN6zXO25vb5imSJjBN2Nl73pyjjjr2uxUtU6gbL7FK8E0d3/lSi1u3WYBZGkTRARLkWb509zU1ZlfEYY570lViULHKXKcD/zXX1nz4ukdnbvGssJU1VQW6/DONhKPJvpW56jWIF59EkvNrJ3BbwZizQzbLWGOnI8Hzvs9OUWF2qxrTO9KLmonlQiEOnLOR/aHI9NpYv/qjhICJQUyEzlPakfVitSqF8C39a5B43nWTkZyK86ObD1FElU86iu5wKoFTKbSX9YjJxslAeUrbNphwy1dfk7HEzb2OYNfc725pdpEYubV28847w9Mdyeurq5YrdaXjj3ngsEwpfE7Wt//L51JfeUrX+Gzzz7jT/2pP3X5Wd/3/JE/8kf4+Z//eX7kR36EX/iFXyDG+C3P+eijj/i9v/f38vM///PftkjN88w8P1bd/X7/bV//N86e3v/7+0Wr1oo3A+v+CU+uPuTGfsB6uqYX6GrFEqkIqdo2VG4dUBOilrZjSknzcuY4MscTczjx5t0n3D284nB+S0xT81xrsMTSgRhBvN5UzoBMgVqEhMXVASGTUTNQi6FkS86iSaXOE5MnJ6vRFrY5jweYJVPMzP3pHaVA5zcYWynG67C8zpQ6cq5vOdcHTvkd+/iah+kzjuE153QgiXqBVby6XYhBIwA8ZEfBqzaqCLYqjTyJodCcrNH4+CKmxXsULcxGBa8VNHytnZO6eBqVpuUSIdnCXCrHEGC8Z7YTbjKUbos1O+w203eZXXbq8pADkzxod2qOFJsw3uLqFUhPV3cM7gmducKZtY7gTcuLqq3Ds4ATEpFccyPYtEH8QkG/MD3a7l2aGh+FOi+zqWaxkZN2DTEqXDOOI4fDgXmayTHhq8oBSir61ZwratGFs+RMNWoxVbLGbuj5o+UedRRfWfkVJA27LFlTop1dZoCRKc6YktWdvqpL9dKlOOM1cbjWy2LOe92Vfj1C24+OGwpvWutw7tE+yFmPNfbSCdUGC+aUyDESwqQwVlTCSymJ81i5ShuQymq1QrDUnLHNi9I0Vqrad6mkwJT6+JlcuirTUJD3N6cLuUIu5AZdBNDrs6oTeC6JVBKpOWhoirFC+aUa9vsHertl/3DHxt/SmzUrs4GuxxsVKNdGJKlFU3MXSkeu2lEV0WCNKgasivZt5xUiLwqD01iTtRXPIolQZmw6cxjv9Roa32EaQpJFnVRSCpp9ZbPGk1ApC5lChCIJMUXjQUgq3jXNWaQlJMii8m/X/XJ+NFOqp7OCS1ssW7xs6N2Wlbti7XZ0fsC5jinpbPt4fOB4eGA87CkEpjBogGKppGYZF/5HsPu0VYeXL19+y89fvnzJ1772tctzuq7j9vb2Nz1n+f+/8fG3//bf5id/8id/y9c1v0XHBI/F6v2/W+vouyuuVh/y7Or72NUPMIc1RipWCk50waxZB+ViDFmEJIXERIyBlBOn857D8YFPX33C27vPOJ4eeDi9YpqPnKd7xJZmkTcgGFJRayQxgukdgxu4dZXz3Yk8T0znA5gtzm6IVEpx1Bww7HBmg40GCTPheGR/Z5mMoax39K5n021JdmIy8Ml95X685xjPPL25Yr32dO5I4UysDzzkO47lzL18xl5ecajfJPm3SJ3xWfDO4K3FlV6jQMoKqT3UnlI8thrWxWgqp1QCE0kCE54gOuvKNZErJFoCqVOh4LIt15sW8C2505j2fxp90ahj9DyfcHLg4bM37M5rrqcNL188ZXOz4vu/9IzjfubwMPOrr3+RnAwpWFIZ6Fcber6Eq7f06y8RR0uOQjUZcRnXzfS+x7uOlX1GEUMk83B6R5wX70W5RFIs86dlOrPwxGwL1SySWWK3+84zTyPzOPONr36D83Fkvd7y6vPXvP78NdN5RlLFi4Ek1ITOeBZndMm6MRIh5YzJCYkB2wItparY1pse4x0vbl5yGPfcn+44piPFVHarHWk6sU8T59MbpBa2qw3GrpS0ZTSry9oO0AVPWXHLom4VIi3q0KFOIVqopFacGIzzdP0K5z19t8J69cVzpmvZQVZFvykRpok4Txzu7wnTiTCdieGsqcBzZrcbuNpt2O2u6DvtrpwdMMa1BGKPc171T7XQrIUfAz3bva1BfbX5Pi6bVGmf2yMJI9PSsIlN5H1mjGfGdFbyD0AWvHSIDIwPJ96F13xFfpl0qMxPZ8yLym57zca/wLV55TzPKl0olpK0qE/zxDRNnE5HPv7kU/b3dxxG7SL8ZqNBgTFRUpM/NCJHdYVgZkq653Q68c27j5nPIymc6cXRiW3FfiamiVoMOTeJDPq5lgZyYjXo0dYCZg9uBHeH2ISRqMkN1eg1VlshqyNIwdtrdv4J125HzWtMXTEML7gePuKqf8mmu0GqENLE3bvXvHrzTT775GOm85EaRkI+4LwnF41KGceZmiDk/y/NpL6Tx7eD2X7jz37j47/1nL/xN/4Gf+2v/bXL3/f7PV/60pce/y+Pe6nfGCf/G2dctVnczOHEcXrHYXqDdwPXqy0mZ53ZMGlLbAdNAa2FOU/EqFDFFLRQ7Y8PHI57joc9p9OR83gG1F3AOkeh+cM57cxqFU1SLRnOATYgQ8f2aoedPXE+IDVTciA3KnGRiJGxdWGjKtIt1CqkJJxOE9GtqLHAIIg3iHOMufIQLHF8hy8VW96RzYFo7jiFE2OYuUtHjnlPqGdlj/kOazyd6elY0ZU1pnokD2p22kgdC61cRzMVU9Up3BSHM73ObpzR+UOdaDpQjRGolVjUqaAWxe+LUSpKWWiTRrRdyEIJaDKQidq95sDQO0pJDENPRYPr7u/vGc+FGCzP7A/w7OZLPH3yu/HcYOoz0izkJHgfsK7Q95GhH/CuY90/IxeYUqR8Fqm1MJ2nC6HDOouzjtWwUisb53RnLwYvpkWaJ0pWc+HUew574XhMnE5nrHvg1edv2D8cmKbQxLrqjGCtOrflUpGUmOYJXztccW3uJUhOrYuVRigo5FjUuUAca7/GCHjvuHI7ismUvpDDnnd3mTEdqCVSamDdZcQbrNdr1IqlNomA1NzIDcsUqn4L3Cd1CfJTey3fdbhOOyjboCZnnWqi0C4qx0wKoTH6JlKYyGGmhIBtXOqEOodM80Tn1zjvGQY11tX3Jo/rSiuiy8ZUY1WWnkU9+cwSVXPpZlp3aHivEy46H8mRXDWcUbsoRVlYoj5khZEVnV/T24F0Hnl4/QrGjIyJ3e6GPE+NaCKMcSZbIY9HxvPEHAL7w4FxHDmejhwe7pgnJf54Z+h9j0MoPhKOZ01WloLxBjoIZuYcRmJM3M+vNDB1qBQsuVryrOOL9gEhos7zIkC1lyJlrN6r1lYgommdqnF04jG5R6rDlUagoKhsQHqGbsdWnrKVp9CtWmrwFowwl4n58Io4B+7v3/LmzWfc370mnM7k2GaqIjqTcw4TLTFnFfSm/wHefR988AGg3dKHH354+fmrV68u3dUHH3xACIG7u7tv6aZevXrFH/7Df/jb/t6+7+n7/rd+4fro9K1/rd9SrC608/azUgpzPHGc33CYXtH3a570H2BSoqZALrOy2GynzkGlMqWZGCem8cw0T4QwczwcOZ6OjOOZadLCJV4pys575hh1V+Ri0w4KIURyyhQT6XpDbz2b7RbbOfbvTpCquqiXZTifwEyIyY11o/qbGispwylGgtlQkmspqzoULiVRYuE4BiQH4DOy7InylinOhJjYp8qUA7FMWKuGqF5WeAa6usKXNaZ4JHmgQZ8XfF+U3GcEKVZ34slhHRjrVMxLIpahMcZoeToFVyMpndUM1bSNA2rpwqJ/KbrzzVEV/4nmERcnttsepHC121KKQ4zh4eHA8RAIs+XFi4GnN1/ky9sfxMsVNW3JUclT1gaszXR9Zhh6Ot+zXj0hpcJ50o3HPM9QHxTWMoKzjr7r2W23dL6j7zodcovmTVEylEScJ2rO5DToEH4amaYZMUfevr3jeDgRpqgmtmgisbWuFalMTBeFFsVXZREKSDZIVksqI5Ysqk2jEVJWdqBzjvV6RekjxRWyS9zdfQwUpnwipYkUZ4Rm7uo0CkWKbjbe97lGZTWXx6UE1DbTEcFZQ9d16knnVOKwCI/V9V1Ui5c0GSDOMynM5BDIIbYiBYjO2bSjmui7jZ7v3lOyNLf21t0ts8Gm+Gtv7sKurIsV2gID1oWVuVyADa5tdhc1Z4pEMoFYwiUcsjODUtSNU6KArFj5DVY8eZw4pDfE/UgdI6fdDSUl+kH9+ULJZFNIrnJ/v+d0Gnn77h3naeR4PEFLFpaS8KbDO0/vLCV54nmmikayGC/QKcPzGE8cw5H9/AapmW7otFPLllx8Ix+1z1DUQFkfWqRo7hw0mj6SoSZqrdhiqWIhDZjscVXnRQqFg9iBrbliI09Y8xLTDVAsGUfOhXM6Mu5Hzscjn3/yTfb3d5wPD8RxotSkM96WtNAPA2Ijc0yoGvm3XtLff/xfWqS+//u/nw8++ICf+7mf4w/8gT8AQAiBf//v/z1/5+/8HQD+4B/8g3jv+bmf+zl++Id/GIBPP/2UX/zFX+Snf/qnv+vXfD8+vP3k8qff2JhdaLBU9vOnTPGIjxtern8X65eeK9ezGbzOnYohlcoUKnMonKY9NQZMrMQAKQiGnu36ln615sUHHxHSxNv7TzieH0h7KNVAmUn2bbPEN1SvO5ZYhDAmju8CbmOpdcWmf0auQklysUcxdUDEUcXpwmQKyRWN9pBKaTTOfRb8oeDPsN7c4FcDnTsDJ5CRar+O6U+Y4UhJlRIK0xiYimWaLDassaXDcoVnQ8eGPg86f8oCNLW4mXUXZC1ZNIFTjWkFR4+kQVNZi8U5Sz/07DY7ur4nSmDOE8dw4HV5zTEeuJvuSBLINiA2I6ZSi2h8QDGUk2Ctp6uemhIpJN59c890NyNnS4qGMAvpCCt2fPj8C/zAR7+H3/X8/8aL/ks46cCk5j7uSFF3+ca+t0O3CVKhF9huV8RwRZoD1uj7f/70GdvNhqdPb+m8p3NKxTcCzqKZZrVwPp6ULhxmtusV65WGVTrfsx42zHMhRw2FlFwxseKs4gChacdyTVRjyFXhUFeSTmFEcKXibfcooi0JLrotBcDEOopJHOZAmmbm+cg53xPSyJjUONfZ4TIrpJ0LY8xF+6fvSFpRLCobK23WhorcnVP4zdjG4GtwkVTb1uFCiuprOZ3PpGmmxHjpnozVIMVUCiHBeB55kDtud89xXsW/86yMx65Tcs5yDxsReusptc3hGsNXC4vR+a805+7LQtDgPtGZaK6JLIFQzhrjkiasCCu7YdX1OOvxdsDJCkffcuJoOqUz0zTzapx46z7nk4+/Sb++Vm3YZtsKReDhcGSaA7FUpFRWuenOaml65sAUEje319i+p9wapunEOB6RvpJt5mG+4xD3HOKeE+8QEqZAnz1d7hjsF7Hi6TpBrcP0Pq01kdIExoE1mnlnLc44ariinnoNyRSvgvbwHJMHulQxcsKaI+IM1vXs7O+gY0OpG8YYmMPIq7s3HI9HTqcj8/FMjYkyR7pi8Fa4HlakUphqZpoK4zxiz8pg9MOOTbfVWdy3n/B8y+O7LlLH45Ff/dVfvfz9K1/5Cv/pP/0nnjx5wpe//GV+9Ed/lJ/6qZ/iB3/wB/nBH/xBfuqnfor1es1f/It/EYDr62v+yl/5K/zYj/0YT58+5cmTJ/z4j/84v+/3/b4L2++7eTy6H1/oYbqTuuDQj67Fl6gHgchIqpF389exGF4dv4/YX5O6Dc54Kp5cHXMpzCkzp5ESZup5YjpPxBCIpbF5TLPPoWpGTCmkWskI5TIMbTenQU0di1UH72B110TFmZWyaozmFtXaYCAR3QViFIopC1wB2VQlLzBTcyLnglhDlEDsC+JGYIL+hLUTvgb1oHNgesF2Ft/1kBzSHIwFh1mIE1UXY1Gi1OXmz0a7n8fzWy+uFoLBZoc3HSu2XPmnrPoNUSJTGjFlYLSRmuGUDgiJx8RP1XTJsrevunjWpHm/hUqcKlNN3N8dSUFIs6HMA0O/4tn1R9xsnrMdnjC4tYpBbcU5Few610E1jXVFU8In3d1W6H3HeliTdldY6xiGnpvrazabNVe7rZIEWv6WCPjWhRiNLVWCQOfZ7HZsp5m+H7DWY33PaqVehuKKWoxIoiYli4hts62qpJxci8J8UjHJYK36HLrF3SOrogrAGE1CRZrDQoU0a8eSl25eUOq/1ddaNEKGRQ8lF1JGG+tc7i91o1hICly6JtsiRx6dNh5hwlI1byolTbYuOVNbIOEjbKg7/yyBczpT5ko0CeMrFodLiZIqnfPkpASKXPT4nLGNOPBYuLTQFt6f/y/v5/Kzdl21s9jOt55DY1Q83LkVzji8GXAMOpdtqc0XgkylOWYEUjqTqyOmgvNd60wLpExNSckj1CZTbJB2swkLuZCjekb2fU/OgRAt2Ew1lZQDpUYqiUqCmoipqA1WEXpp8CZyWRveAz9bYylYZ3BWj7GmNTV0YAaM6UE22HSLyQM+VYz0GOmRLGpK7Dbk0pFL5TTN6k345h2H0z2n8wN5npFScVnUuFg6dUGRQipCyBosWmptejrHulu3Ne2///iui9R//I//kT/2x/7Y5e/LrOgv/aW/xM/+7M/y1//6X2ccR/7qX/2rFzHvv/23//aikQL4+3//7+Oc44d/+IcvYt6f/dmf/a41Uk0wgdQIZMC3r04n9UCqgVIz1SR1FLDgvCFVHZh+Ov9n9vFj4umOZ8NHPF19yIe3P0jnrrACIWhuzjzfMR5O3H3yhuP+wDzPDGv1yypETvOBOU7cn94yp5ExndURnAzVYyhNyKoMrZIMqfSk0DcbmMrgOubuROFEDplcDLFWOjH4qhoKI4au2G9BL1SyNRHzRC6JOZ6Qs8eMA/aqYNYZm2b8OjMUS78aMM6yfSIMtmctA+dXhTIaJCmterEvUo2Oa+aqS1EqLLY4SgVWkMqYFjWARbLH5h5ft+y6l1yvbynimOJIzx01O3pZMacHZinMdqJ0Bd2I58ZKNxgGBEuKQq2WWi0xVHLKHB9ek4OQg2HXfZnb4Qm/+0v/Dz7a/CDX/Qs6VohUilFCRs4VZ5eFV3WQtQoxaPdaAmyHHb1Zcbu9xnlH33dcXe/o+471Wq+p98fx+l2JBv0w6EyhDFzHDK6j71cgQogZt1qzS5k6RtIUVSc1TRACTnLTwyQt/bUQQiAlDdczOKQIXY0ky0WMaptbey2ZQqQvQsmJ88MD4+FEOEes6ZHBsfFbNqtrhmGLoUOKw9Nd4PFidGHEohHgzVKr1EV1pHol32l4o7XdpZMyjWBUhNbpZcb5TAgjMY6UPOvMLkVNrU5Kcy4mcLZ3zAnK2fJB9zu5Xvds8oY+g09Ks3c5sHcdISostzJOizkZa7QTxKhOqpRFJrKY0YI0vqwaKyspJ2ahFAt0DF2Hd47OWnrXYkCqQ5JTuHXJrDJL/I1FpLlyiFNWZip4YxgGz2a1hVpxVnh32F8YfxoUmqHMjRkc6L1htd5w/ewlpUamdCK7BKai+WGVlXNELDln5tCyusisjLL6TFWGIEXUvghlWBrvMc4zrFe4zuNtR50dJIuJBmM1BcBzjakdthRqCdQy0tg7pGPHGDNjnLjfv+Y03vPpm68wp3ti2rMeTLNM6ihSyGJYuWscFcoZpkiIkRTAVsd603HTXanF3Hfw+K6L1B/9o3/0vyGS1ar9Ez/xE/zET/zEb/mcYRj4mZ/5GX7mZ37mu335b3mYBZ0WdQCndlQcpfimg9BuphrRHXlVlX3NDpFOZzymxUmnA6f5hC9nenOmswaH4XB3x2n/wNvPv0YYJ6Zz0JlSKeyjii9jngllIpXIOZ6INRLKTDZNqFpNYyKpAJgKru0+TTHkpINE48EZKF6Ysxa4WpaYiIItWgByddiiu1tDW7AAwWrX1roP5kw+ZPKUmeeC6QvTQ6HbJKyvZLHIWNTooZEdbBWkVL2ZRGck2g3qrrkRc7U4NZiL93fqtIF76/LmnJhSZCiZzeqaahx9TnTTmt6sWLk1RhLiZrKFbDWLSKNF0DmbeNWQmKTvoWqoXo6VNEMJMGyesBs+4Hbzfay7J1jpqblVcdNd3mOuueHtqh+ppVKjwp9pynS2o1t1yArEqoeZWvNUUl5EzGCtxrsvdoU6V2uduxis7+mGFa7rdS5awIkKcsV6Sp+VfDD3hBDBG8IcmMZRz+F7M9VclFhgEJLMbTev57uICmux6mZSisKvFoMTj5eBdXeD+MrV9orebDHG6s4mq31VKY1W7hROxuhiJy3ZWXfj9tJJL+GNS0dljO7Sq9H5Uk5JWWchkKMWJZ2zRk1LjjM5TER/ZpITe96yj5GpwFcfvsoLZn7n9ZZuEExyxGKJztP1a2yJpFIgCc54rtYDq/WAdZY5zOqIX8cWyKj3m7VKsGia88b8U9G8kRXGFry1ly/bQiNri8WSqgVYra8s0mjxYnSeY42jADFHDsc9uQ74YQdOMJ0hVY0xiTmypFmXFJQxSeJ43pMpPLUf0XlP33VEm3C94fmzW/3/ZeIb58gURuI8Y12HMR2pBJ1BpUyHa/O8HhFLKRZxHuP0Z9Z7fNcjZkCMb84bDlN8W0dSu/ehVk+7mSmpILlCFnrXU7s118OW43hmjCApXGZ9WXoiASNJiRqm0DuLkw6DZz3seLq64aa/UlH8d/D4nvbue4yDd62r6qjVAU53tBTyox24unIXR80d1qi41hpNlUw1EVJkLIGDTHix2Fp5+/pzHt694tOv/xIpJsVwnQ7r53Am5UCII0USRQqRSCaTJKk1kFR8pbGQ6uONs9gL1eY2YApia4skF2ZbL8XAiDSo0gOVUi2m6XhMu/k0pbrltGAoVSipks+aqhqminSV6Vjw24TtKtILLlV8bq7RTaSqv7s0w1HVd2gV0n61VIUYNWoDVJ/yGJuy8C2rQMiJuX1d+4EiBm8nnOlxpqe3A9XMFNMp1GOK6kkaTdp5gzeWznUgzUZpEQUnSEnI0TD4azbDM65WHzLIFZZO30MFqm/4lZ5PLVJVz31BZ3SpUmLF911j82kkQZXSRKIt/4jFOmhZ8dpctLSi0s6IdQ7f6+JZSkVialEV4LzSk0UMtvf4EMi1YOyo+VcXD8THQlVyIiMkqzNIMbrhKqKLiql6DZSiu2xrLN509HYF3TWmh932CkkOo2wVmq1GK7TNNqdV3YVIsVDtF/NdEaNCXaNwnzOqX7LWaGouhZQTKSZSjOSYms5LC1XMgZgmQhpJ9sxZjhx54D5PHGPmm4ePEW/4HU+/j8H19J3FBMtsvWpx4kjISTsG51mtt1xdbek6z/74wDipcal2yxWynhxtguplFKDUH690fKCzXouUsUhWRm/JCeG95zeXGmkFCmn2Uca1AM7IaTyBLaxSTzYNGaiRWGbmNKluqRZqjpessXE6X1IVOufouw6RSN87nt08oZBIOXL/2T0yaTy7lQ4jnlwCuVRqyji3wliP7zX9uRSDWIc4h/de88VshzMrjPiWu9XssWjE/EXRWy1mgW9zbrluQm87jB/Y9htK6MgYjfsRwAq5RioRUyLWCJ0UOidU4+nNhu2w5aa/Yue3lO+sRn2PF6lmiFnoqYu4koKVCWsCkKk1kLMaLMq4RVhh5QkrWbOSNR+uP2DbbXnSvcDlLS5tOL9NzNMb7h7uOezfcD7ecz69owKmW2GLOjGcp7227qJQnpiKMzrDMSKk0rBYzipkw5KroSyZAhJBApQZkjoEO9vhTU8y9yQ0WM6g9GCpXn93czqotbX1YrDO422L6kDjOFLNzPlMylByJYdCHhPxIWkX5nq8GHrpGdjg6PB5hasdDq86nAYbtNEEpSpkqVISFTobWXbbrRZU0fj19j5i0swn0ymUcJoeOJ9Hpjni3BVep1LU4jVOwxyhZu3W0ojpMrc3G5zrsVb4/NXIHAsk18LWVtxefYkn19/Hdv0RPg9IshintNxqtIDWZRGvtUlB9HsuoUVxaKSGda7BM7qhcM7iO0s/2HYO0PeWQZLOssx77tS1apfvEHJMmmm1OD6LINbircNvPTmqjkgqyho0RqnaUed0RjQQEUStZNKk809pnZ6oo7R1yhQsJYA4bm+e8dH8ZeYa2Zu3JJnBBlJUhqTrKt5WDLkJogsFe4HQzYInt+7RGIV9rbXtqznCO3thOpai+WTpOBKnAOdm7x+LhlKmM4d4T5CJ2I0cueOU97wKbxhLZjbw69/4L4z7e17aa77gPuKpf4rpHb1Zc80zinF4P9LVynaz5vnLF1zttnjvuH94x/F4oLOeNAYImZhnnUUuoRxtdmgreDE4p8a3vmVdCcpypVkl6XRJcN4rwaRtUBEhpqQpAGVWOLlUjocD+8ny7viOiqYNTCmQciYuEov6PgxJc4WxkAvb9Zbrmy3SV3xvebK9wXsNx+zijv39gc8++Uzd8w9nxnxC2kYq+0IZCmkdmlbKUcW22VDEJgEi2U4XVMK0uaSGSkobSuo7c9IcZ6wWG2OE4lZk7/DmCwqdi/Bw+CaxRnQsGqAeSVVwoiYE3vR407PbPONq/YQnV19kM1yT6sJC/G8/vreLVBsKtoAaVBdRQBJmKVI56m4hW2xxGHp6u2VnbtmZp9zwnFVe4eIOiR0pCNNpbu4ADxxPB6bpSKxZF+oasbVoIJ5tu07hgoEvE4sFWngcYbaIA2nDEGgY9QKbVc18QanJDtu8rh4PT5aOrAklTW3fxbadkW0dmmm6/IgttgXXaezDYk1SEaq1aCSC6lwsHlvbd/H6u7GXXTQXQoO0YXlBl2PLYt657FSNWQopLRlXDSVjnglx1IU7i2Li0mPqClOTMrPqpOejaBooJVLShHEDne/ZrAasCFOZyFHjAGppg+O6pIleTr5+PksVrbmtU/qeStbOYxF5G6u0biW61ffgLi5s0UX3pZCcFqn6XoFaRK+1UbBzVof45fxUUbaeFdW0GWPohwGAlJTlB0KKsb3nx+G/dnNZI1ZqbrKAR8lFKVzysjbrK57cvEAKTOnEYXrVhv0ZMRmxFbEFKboDWdztHklI7XhbF21tc5JoCIZpEJi+rkZv1BipIVFjYsmgqTFpjEqemOvILCPBjhzzgVM9KjzXvGzP8wPH84rD8S3T5ppsrzB2wFZH360ZUqRi8RSNA+lWdK7HWcu6X1NTJgxrBt8Rm9PKkmG1uGUsXxZp1mOCM+5xwdaDbk7gtA2dVcKJFZbgklhim8s+RpbkovPSMtflDicXpRhh5CLjoOiqYKia8NyiWDrXMax7xBVcZ+lk0HDRarlZPcXnFfna0tcHjvXAHAy5RgrKCk2mEkzSGHi7hPO0UEVdGqmia5nBNkeKxaPxka4uGJ2NNhRFG6XaCDYGbwd6t6H3O4wM5KJ2R5ARiUidtRsrFut7MJberen9hs6u8dLrzPM7eHxPFymjQCrGpcciVTNSE4aAlKy29ckhydDT08mGnXvK8/77edF/P908UCc4v54IcybMkUM6M8YTD8d3nM73zOGAt1BMJTDqBSbCaq0uyBRlMpWs8Jfet7XxCXQmUtHOQNyjXUrNaomjbCEtJLZqDLV3jTVlTHMk0EvFiNEOp3oMDofXSAjRnBjbPlIpiZInLDOlRozGYYJx1CwULNZs8HbL4Hd0ZaVR0AzaUZkOzdLSgqTmsdqRqJWQqBfYRVHT/p0Fv7fQBtUNSOA87zmNR07jnhCzYuZlhRXBCY0C7TBMCjuYgLEaWX18eIOVW7abng9eviCEyOefvGFMEIJwPp05H0/EOOOt0xyiZaFdHK9BbYOK3mwpZnJUjYm1Busdzi3Q6mPhgaI3eVXjzoUssiQV1QUla6+4WAClEAlz0O6tLHQ5IZakosqmVXIibKtCVsa22cdoOKV0mUktDu1Fkr5KjdjqkSrNO0G1Vu3OwIrndvcC369ZTVvujq959fpjSpp1yG4SxiaMz1AXAoBvx5qVzYde57V9t1ZFzabR3p1bNFGQQsv1mkbKNFPnBHOixEAKI+N0YCxHjuaByZwY5cSb/DkjJ072cIHQzufX7E+V13df46m94sZfsXErvOnZmI4ijr6f6Uxl6Ds6OzSdnmE37PAYJGWOq3tqSKRp1CJVWtaSqLOH4g1Gi5NxKlVALtc2VaFe9NS0brZdy1VdvM9pJJf8WISEtoF0kI0mGNdCahtc43z7HBVmNWiSducHfN9DFYZOSTspB9WjpQEi5Co86T/k1sET/yX2OzUSeHP4Oudw4OH8juIKs1QgYE2ldw4vguAos4Wi92RukK6zTe68XJ8VlNnrMOKopkWaACIVWzM5KOJj6ore3rAdKg/2jlwMc9yDCYhJFFPJ1VFij2PDYB2b/pZNd0MvW3xdk8tvgyKlGyFBagfV4WTAobYstiw4vdB1K4Zhg8tPMGUF8w6ZHMdyj5s6ahDm+0RImRgz+3TPmM6cpj1FErbrcNaQJJGbO4MIJJLG0BhpAYkqdtRFq6rYFQNlRW3mrt16Rpx2SGGCfBYk92iAgF4IlllZNmKodCq2E6sDztph0XmONa65PWi4dhVLbjvvYg1V1B/M4fGlIxWlWy8MLCsGZzoGu6Fjha1Ov8S39n+xA2q79dYPqqDTtp1h687aHEOWOO8W6FiAWBJTnLk/3jNNZ0KaVc1vvbpMUBB6qKppojYjVwy1xWwUW5mnmf3Dnn7VU0vFe0P0iWgzd/tvsBoGPn31f/Di9sv47Uso/rJxXmxGyU61KgVSTOSYG03d4Zxv7LxMqUmdxZ3FOn0/pSysxnKZS13cd1pBK6VSciGlTIqRMGvSbK21edppMaylkktGslDbou+7jnVtCaaiRIqUFA5cOqlcXWOHRXIOunjkFoFidYEtBcKcAUtvN6zdFaM5U+aicyUjpBxINtCjOqiF8VhZds7SmKMK4tgLg2/poJq2Cu0cU4ykeSbNEzkGSorkPDGHA8fpnqnsmThxZs+xPHBiz9kcCGbGeKglUkukdwOdo7FgM5mMWIs1XqkONlMq2GaUGuakRIdscKZgKvTO0zmnsgOjV2EtyvBUZGKxTwL3XhTIEg2yDEsqhWISVYq6pNRCTJlUkoqvc9BOioVHqLPIvu+53j4hlkTMiYfDvs2ndb0yIhcbKiNQq0bRhzmSY8FUh292T2WU9r4MKQlqzzdwsx243jzn6nbHlM7swx1RRqLMBCbdWFSLlys8A75uKRHCXClWj8m59jkbaYgO1JpJRWdm3jahdBU0wSupFKSqft3Ujs5t8HajpJB0bP6OSWd2qLmWtRrguOpW9KbHJChZ2azfyeN7ukiJVL0Is8cw0HFFZ9b05gpb1Jy1E8fab9n1V5i4pgTL+Vipc2GajtjZUYMQjjrkjzlxjg9MZSSksw7RvceZjspMzSedUBsugW+6aC96onqBFkxVEgN1AxKopuL7gO0rxVQKhhCEGnR+YygYEkK6zDlcE/Iqu667QHLOdFpMyoIl20c/UOHCMhOjRccWr11EpDU/okpw4/Ay4Gt/gQ9l+VqGzJfdNApXyOKCpstZ4aJqUjqymAZkKEyUSiGmyGk8EoKyIJFGbS8ZqU5tl3BtV28uHRnNhLWWqiw4Ri2Ogs4BbUZs5jC+4W6/5vO3v8aqX7FdX9GhO8eyoME0GnupOqNLapVkvMZSGGNIqc2QalZKvX1cnDVjqjQIUN6Dmx8pBrAQHdQxP8aoLulVwFZN9LW6o1+gIoqeN+eAWun7gVor53NHpSqZotHEM+qtJlVtp8iCKwlbtIjaFk6XYgGns6/BrunNQM2tA7ZK0y4la7dgtDvWQ6iPuGY7lkWDdHF8aMd+OdZa22xtiZcI5JxIeSKkM2M8MJszQc7MHBnrgVN9INiRZBLiKoQCpdA58E5UQ4UmRotVkbCtBmc9efEZLJU4RzyCKQbj9HdoIrJGaCha1WQfTUNlxV5KsRH51iJlWuukE6X2f1X7mEtmjqEVqdR0gjx+/oLOb/qO3dUVISsZ6zRNpJLVSa91J1o8m546oZrIXBpkrYxBgBoKWL2PU1Chu1THMAz4ztMVTygTm3LNWA7M9cw+PGhMSKr0ZkfHCs+WSCFOc4Nz83IDX6Ds2nDrWgopVe0IW8yKVNVp1eqVFZtEkRwzYG2PkYWotBC+sm6cUZjYO09nvVLVowZ0lvzboUg11o6rHbasGexzNuY5N/0XMGaDLR1d9eyGLbfrHeEcmfPE4fgJaX4ghwd86qjRMAc4TWdO88jUnUgmYYbIdvOE1XCFKyvGeOJ0PuCs5tPUrNqEmsGURud8bxhSpEK1UJ4gdgJj6boZ02dkJYhzVNtxykKeK+REJWBlxtQOEY/3WyyNyRMspjocaxy9FjC47OSLVSZTad5+pVqwHVXAuy1kS01gciFXUPZAW0CLRVCIrMri99W0IaKLRgVcE32a2kgJtT66mwgscQ91KYRWCSRjGJlK1sWLhEJSghcPtVBqJMRW2JLF9j3eG7yLiMmEoFqL4ylyOI+IFEI8KxRq4DR9yjffHPl//S8n/qcf+H/yu778P/P7fugPs+q2WONIc6WERImGnCrzlChZM6ZEPLUaQixa0MTgncV5h3UOMI1o12Y1DQrMVTclCwtPGV7lUnxSzuqCnzIlFbIxJKPRIUZon997LDoRrPesN2u6zuOsY5xGjvsDp/FESoGQFmqvUt5dydrpiTSoUOE4I0rRts6zY0cYbrjZPmVOR3KZQLy6EWCpGQqZIqqTMoZL0TLmkSChnZV2erVWUlI2WC2FaRypaYacCenEHM68O33KmA9MZs+eN4wceaivmO1IsSOVGZGMo6qhsXQ84Zort8VEq+zPbkW3WiF0mCxkEkjifDwSs9pR1ZUnOouRSCmBmCdO53vO0wPZTEp26A1l0mRY386ts10TJOusbdl6lbYRySj5KNeodmYlE2Jctik6zxWgEVjECP2wYb255ubmGdVAyhlMxzidOZ5PbR6mK8RiMbXZrlh3A7vtDZ1fU4vFmg4BYokgHhGPc4ZSKnNIhNNIOY4UWxDnGVZPWfU34DMf+laAqqGXLY6efHLEKXM+TUx2T+DMw/0dMSdqSfSdx3ndCBSpJPWDQ7fZRskeyxy3KGnL2o7BSTuPHUKnrFhbLmNN6y3rzdCcXE6cp0QMI6tuTaj/Aw1m/3/3aFRZCSATtZ5J+cAU7/G5UGqHFM8UI4dpJk2ROcxE9iQ5U2TWHUcW5qSD+MhMZFJXa1foBst60xP2Ouw0qMGqqfoZSpZGz1xAtzYLqdph6UfsUaZhT00dJRftmrzBrStm0PiPPOd2MQjCgJWB3l5duqbc5kqmdlhpuLGUdt2/t9g97tGAru18B6yrOJPUNoVKKoLJAkkLUW2zm9q+lNYl7fctHh40WK9waa+WxwINLiQDUYr8MjyuKeruvdaL2Ny0lzAsVOhmy1P0vHlnLyyrlHU3S1QoKLVcGmMtWBVuv71/zTc/+xqGLS+efImb3TNuts/afE+0SMZMDAFrRGdRToflKTfnCXjPUWFpGdp5fa+DaPiY/l2UGJOrUrBzYwcuBIPaWN+lFFLOOGsuvVd97/cgCh1bq5ZMiA6kU9FdZ6mpzUVQ1wHR11NXisa6o8HPbQTeu57NsOH2+hn7E4xT1Q1J1cwyharl8lEbi4q52+y1tQqXY1988kpzTSiNIFLTEhw4MaYT53pgliOzOzLVIzMnEhNFghI3alG4XAyD7RiMZ1PXrGSFREOJQkoQUsaaBMbiPPhq8JMlLQGKEslWsCaSSyCkUSnuNVBdodhMFoNYwVTzKB+43DOLY0xzomhISKqZXKJaKOXcHPoVAqtKeWydabvmjcFZddbvu0FjOARCKnRn1S6llC8oizUqr7je7lj3K3a7G/p+jYhb8JnWDTb3fVFgAavxH6lk4hypIVPnhFsJrhf8oAxMb72SSsxA7T3eFLzr6YwwZ8/5eGJOiWmcSPOENYbe6trSWa/HWPUaqk3cXRs6YRDdEBujULCI7nmNUZcao6OEvu9xzmJMJYYTlIRN2uUbfhuw+2iXFeZAlTNzDqTwjnF6zSDXOHp8dTxMeuIIqokJNlOdLhrzOZITzBFinUkuMMuJajLOGVZby/X1hk/fHolzwhWLlQblBR2YS9HiZLEY6doMZ+modDhbakfOK+K4pRSLGwL4QjcU7Hwg+0yqkJPFZM9Qr+nMho1/gm87lWIUCy6xwU2gcIS06PG6nJLGcMND9SyqRGcctldYpEpmToFuNnCmXYC6mIrRDqjaBcx8nFkoj29ZsUq72S9VSSE6FCVQVliDn0r+P8n7kx/r1u2sF/yNt5rFWiuKr9iVT2W4vtwknTI4ER06RqJjkBASCBA0EA33EXSwBDLQAYnWFRJ/AZboISFEB4EFvZSMBRKgTIxtru3jfc7eXxURq5jzLW9jvHPFPti4SCVKzvWy43z7KyJixVpzvmOMZzwFuUSUfMEVRqTveCyadSNV2XfiLbZ5hmCxvuH8wrKom3bKCp2UagjOY1zAMJBX4c2H9yzLf+Dbn3/JNM5847Pfw4/83/4Qzk8gnvPDQlwTcYnMsybIem/JJROvcfQWZ/1zoF7d3speojcBc3uuXc1AblpMlhRJRXcg1m07j26ZVCspRfXiGxo9ruz60NquU+w0z+o07jTAztgz58uZza+ydlJFTPHannhnNdreaNGxCPtxxrrKt77+e/j2dy1fvm3AQCNol96Fyd4Km/t3y12Y3J9crbXvofR9q7V1aLRe9wtKnFh4XD5wTo888pbkjkT7xKm8ZWlnMnpvgU5QIjAbz8Hs2MmO23RPqDdw8aSTcB4qpp7xPjBMHj+qzszkgUtLLMeFU1yhZYJvxLJwTk+c0qOSnMbavRkqzk8Y3DMjUUVyGxZMEXWiyE3/LtdCzbE7peu/MUZ1YhjduYoxGGf1cBaDdxODn5mGHfubG1zwTNOBp+ORcXinUR5Z3eYHH5iHkVcvXjAPEzejuvJIZ3cKgvPPLidVdEqXwVAkkVri8fGBdV04Hh8Y58A4em5u9ozjgJkdMgs2GKz3mFHF1wsjSzpzfHwkXi48PTyyXo5Iq9wdbrjd37K/eQVbIGkvUgVtaku//KtRopS3yioueYObLcHPjMPA4XAgDBaRzOX8ltoGgrnRdt589cr/7z++r4uUHsy17z4yYp4QLpj2SHFf6rRR0b1NsWBmmrFEcdQ60FKg1oFaLcUIRQylQfMFEyrj3tFk5bI8cLmcSXFVkmY/myWBacqxcyhl+0o6EEtDIZLBRIo0Yh3J6WOaRJblLTJ9gOE94cUDZldZzZ56uqVebnDtBd7MuLZDilMIAKvSFdO1U4LS1E1FStKCUivSPA2n+LFTWmjOBXHaznuXwWpmjCu6K9mWWcrRkKvnUqOTDnpKqzLeNqZaP2BNL8j91wY9wK33qn25vBEwRHTZTm3UstJqhJawojozbzzSKiVCjAlLpUgho3u8DYRoIlQ8pXms2XeoLEARTst7/v1//Dd857u/wHp+5NMX3+Ju9xEw4rwwz5ZptvhglEXY1NbJm6CElA6Z0bguxfsPowSGojCXEj/00ItZ01mXFLnEyLKu1KQHktrKAqJkEi1WGgtiOg36qx509Bwr0w+/XAouDIj1Og3mdI2rKLVg+roxJQc0nBMK6pxggzopvH7xipgXKjAMB5ydcXbszMRGtqv+iFIpZaMt95+vL9q3/KbtAtgcxnOurGvicj6zlIVoVthnlnLUYM3yhtQWiom6DimCFXVeGTCMzTFJYKozvs64PHF+TLzJDywHYRgD+xZUC2hUz8YcyHHkcl5Ia+RxeeS8nni8vOfcTiQS2W1WXoadmRCMMvJKb4b6ZNCMvSIIWYzOV7UhlG5c22UXmyWSMVTpKc3Os8kyjAQNCHQT4zAThgFjB6Zxz353R85J2YUNgvOMYWA/77DGQiyqV5NypfrTNYjNNCVttMzaMm2o2CD4tZFyYrk8Ec+NY4PTMDCEkf3hwOHulnGeGXY7FfZaR6yVmBMlNYIbeHX/kl95/MD59EQ6nci3K7bC3f4l3gVolmosxThqVRsu9SddSC0z70aq7FnL/dUDcZh2eG87RJmJ8axx8pLU+b+662T6Wz2+r4sUtVLVjKv/wYpIBHsBc8JKX+g3tUGCTCMQmXR8LX5zKeqpmYpyNNswDvxgqS2ps0RaKTl1vB5ADR5N68wnJbRqp9b/W4V0DWfPugxtAVMmpGRKOiGDILJidxckVMplJGdLW3eYtsfKFjaoN5l0DFztkHQnpOwg6ct0tUQyzWmRwiNVNDenDj2wLuGMQUwm9YNYtimhfaVA2Q3X+qpCf4P2mo6QCgQolm8EMVYhUPrX6/+2bnoi6c4UAN3XsLakBppNk32NgO1dasuVnPSmrVYnxXbVcvT9V58WRSbEBILfkeuJlBZ+7YtfYrk8Mfs9LUJ72ZjtC93xOY9xFeMqhayO2RtL02gxfzZl6LNja1cXjs0aa6N9t9YUSo6JJa7doidSUtGO2NgrTZ3WkFpVEwVYi3bivfCqYSjfo0MaxwkxllQaOUWFV7owtdVCbUpBzyVjjKFU1x1N9D201rCf9xx2tyxrJFg1AlUfut5aGCXBaLBgJ6y0DRL7ClFkuwagD9GNUpQcs6ZINoliEsUnjT5vT1zaE6VFaK2DRYo9OAyuGVw1OLG46nHFY0ogXgqtXGjGk1vCjgmCQ5wh2BGcYxoHcjTkWLmsZ87LE0/nB3LIFFtJtS8txXWdsnSIUl1Gnp15ndqnWW1W6Ve27T+zaqZM39Pq5LQ5Thhx/fV5dqawxqlJrdXdn/cD4zBf5QjSBG8dg/MMYYDWWPJZyTDX3Wd/ra1q3zZtXimZTq7FedHVYsus55UaM1HUWqksKouJy8JQVt3NOU8sQs6VHDPOWA77PQY1JT5eLgTjOA8Tt/MNRrz+XNaC9d3TEZWf1ESrhmkcaMykfAt9vxfGHdYJYSi4ZjClUlvsV81Kq4umOvw2Ht/XRaqUPhDUzgKzlmYNxhkiBakQmsPKiGWPqa9pZablGyRbKIa1ZHLJLPVEs5FmI37yuNEyjHsuTytP55VSbY9AsZSkSnPHFm89IjhEnJp5inYTfblC8UIrDpsnduIpLUMayWlHzjfY2wt2igxpwVcH6z1TvMG1oPlS/YJNmy3PFobHBvv17KGsnRhNMeznHt/S6qCYcWqYJYHNmJQwedTiarZF7iYW1p3XFist207KbofWMwxhNidscSCqG2mls52MHmK0hmuu28IUUs2UFlnNmSwryVzIFKoYrAxqHloqy4ekk55Db3Zx+BB6JINqQEz1kEZadpR1UGNLL5Ry4e2HL/l//ey/4b/+wi/x4uYjvvnZ7+Owv+Pl/cfctHvGNuMGB87QJoX9qIbTpe8Z+00J23SofXlpul/LNZJLIpXE44dH4rJyPp6vkfCt6JS6HUoa/9E07LAaCIBrarapb8B1etIXWOfGaRwYQiA4T4yRdbloEexT1daqrTlSqEg2hE6kyaXHW5gdr/efMtsb1lOBavCmdQgPpFlyrpTYqOtKWXXAFmMx3namq9VpoGkmEVXtgJb4yNrO5DFjBuV8vj19h8f8BY/tLZd2pErF24AxHmdHZXshtNJIWbgUGLOlVYtkw5oj6XLEWCjVUb0jhcDoPC/EMRrHfHvP6OG4G3gXvyBSWFuCUb0jPzw8MriZ/TgiPd4kpnKFsWrHa7tcFRXLb+J1NfDdmH+IaPwOXHeHG2St2K9QaiSXlSVdCBfNehKrNkWTG/VeQXT3XNTpI69KICimkEWnpfOaaE1jUcLgCYPHhxEplhjVD7HUyjjM2BuLfAZvvvMFj+8fWKIaTRsnnL9z0l3Z4BmmkcPtLeclklLifDlzf3/LZ599wtuXn0OtfPnFr/J4fA8tM48jdZ+Zp1uaeJqYHsujxdHJwIjBuU/J9SWffPzJFYGpVMIk3H3sGavFxMav/rtfQC6FZT1h8CR+FxSpVpry9atqIWpf9Gf0hpMm1BxwZcTmHTbtaXGmrTuICtflkrv+JVIlgclYpwK/mi05JVIsz9TbvgbTJaE6IUu3IEEc9E5r68ZBVCRpN6Gtio3VhS+Q2VP4oFOE14A9MQMOTU3VVAiFznL3ZdsIDKaTG7Zi1QzUujlKNCBfd0rX5Wf11IyOjGns9H17nZI2tbn0G1bYvse2fpIruYHrn9n+X7qDM6KuCmLUcb4UUUpqkT6Z6MFbpepNKYWsvK3OjNNO1jYDZejPOykV2Vis9eq711mJNAvRQDGYovqwJh5EHSxiyTwc35NSAbHspgPvjm/YfbhlmEb8qInEzkwEmbB4ZWtWjVTZ4g+sdKEvjdrU8irXhZgja1x5eP9AiokcM1b0/ZMOo7YCyRisWGpB90zDZhDsKQKtXzNV6ZOATjLbVGWMEHwXEVdNY80b/LZNPO0ZSqR7w5WiU4AYy2BGJBhkvdCKTq6ms2QlCRSosegyPitl3hijWkA0qqKnxqhvYInUHGkSwSWaSyztyKk8cklHEmuHk/sFY9UjUqzVn7mqZU8rSl2fW0aoeFOx/UNagSKUCKUn0mIaYvV+CWFkJGIn1+Emw+5+BgvndMFhn69OI7jO2ASjkTiovdh2fW0ogPKIbO+0zHVaar2wbYTP2jYRtVBrppSkOrSSsMXhxPbv0a77r02moj9/6aLtQqqJNavjTaMxTROmE5ys1eBRjycV3a+LUQH6bnfLZb+QU+X09EihsaRVXWxE7z9aw4kQs+rv4mUhToGcEt57dT0RFSvHvHJZTkoewiEBJDzLUkzbiD8aomm71VdumdIyKS9kgSyVLA4rUJpKa8qVuv/bM+/7vi5SNWswnG0Fg940pUARZYbZ5mhxwuQ9Id3iLncQZ8x5DzEjayKXi76BZqGZTDMF6/YY40mrIa6NtBSCsQpTZANF1GHbOBCPsRoNIqIO1zqN9G4JQzYzFs1XavUR09R7rLaByAtieY8YGH0huECwgx5yOEKwfXKCvJw7dEbHydHDR/Swq1Wgx1Koc4BCHYIyqCqO1gbqqjelmpiO3WhyA/XMFbqUrxQvhfj6rdlZP88P7TJbk76P03/jnGEYAzn31NPLpvehO6xXks0kKSQ6BNOg5R5Rj8FWpzcyi8aTuO5ELV1UmC01GyQLVMFWaNZr7RJR3z4Hj5dHHk+PfPH+uzjnGcaZME3qDD1pFtV+uuN+95LR7bB1QIpFku3yAqNuBj2iu3W4MtWVy3Lhspx5eP9ALZVgB/bznnna4UQFxSXV/hIKi1/V3mmuCpuM6iZvjKEaC75edz86ieprKbIxO0X1eCLknPshVK/MyVobl2Wl+EytmeAF3zSWYzIT8zAji5AkqbVSh+ykAqlRz5l6SbRcMOOo7hKm05BrwXYxey2VkjWKA7eCWcGtPLz7goflS47rB0pY+2TVIVrXXVSM1ZyhWsjpzCUahixMfqXZyGgz1laCrThpmKpRMt2fmWYb4tVTbwwTzVXCYSQMAz4HPvrWa8IQWNNCPlfapfsgisGOqslr0in4zVAqvbl8LlDaj267z2ub1mHg1pu1+uxvKJBLI5WVNS2kMmGLw4oKsFvtVkP9K7WqJrYpR92tO1jSheNy4v3De0SEj6aP2GJAhjYgTZhkggx1bcjo8A6G25lSGsYHlrySY+S4XghWM7KkNnV5uSxgE4XMcly5BMvp6RHvPPM8qbN+U6Hy4/EDKSXiWhnnwrgzhDAoDF26zRvg7aiNyFQ5x0diWjjGDzhTkdUSS8BGYckLtlqGNnWDgq+eIf/9x/d1kSq19L2QHki5anRBLd1lvFjaaihRSLHRzhmiZvlIykjOHR5TnRMVhWC6lqbkCNHgZSQwKixiG83rQWyMw7nANO5xLmDEdpdzOslAL22dihpiCkUq2UByjuwWqruo8LAF5DzCMkEUgvOEMHFzf2CNK2taFVJrtS9x9TXYJhNtpHV87sNOf/QpwCldvWJJtdvDVV2KltY0ztwYvPUY0QvbdWshdezWm6uWTq02GzuvU9d70XJO6a+39weNqqbx9PRBHbFb0WgJaaSciTUr7Ne97GhanDYhs2lq44RpGOMVh7e6G6q1qQlrUYcH3ydd2/cqVEv+ClHDD9pN15opRE7pyFNWsWj5UPBmYrZ3vJw/ZnJ7XBs0Ryhvno/SmUtapCpKesg9p6qUyrqsCEJxkdY7VWf880av6QiSbMQ6zxovLHFmGAamacZZ2xNvt4mgU4m97jyssWqlZDzG6R7QJEMqCcn067f1aayRcqWlwmIMtXi9J6wawnprMaAEiaoMvbZWiBVJ0FKhpIzzDdcgXD37eqPSVLAppuuzfGZND7w7fpv3x+9wXN8Ta0TD+mDyO7rcBpObIhfdxaEAxWSyW1ncB6xpLBIIHnCGebpj8DPzcMNu3jENA/thIjjHOAY86uy+f9pzzB+4nI54K+wmz352nOPCKV2o/kAzmii8FZzcXUQ2tIJNQsFXSD9XW63nQkUn1WwIwqYPVJcUZbrVnsVaikaolJa6zZDGv2wIyPNEIWrL9vjAd7/4VZCKHwv73Q6mWclBdOTGWWz1XSQMzgj7mxumaaTkyNPDA2+++C6tVjW9NkLKlbpmmolUMpeYcWfL+4cBGwy7/ayhoLVScm90MqRLYb9EZIn4/R3iAsaNfZJqtEGRk1oiw84z+AMxPHJaPvDz//lXqE+Zdi5Mx4Gd7Bn8zGVdyPwuKFJbV97JSXpYVz0EdW4VWjK0ZKhRqLEhqaK24FscAn1noBEVraupK40WK64oTOdEDxtMu6a9IkpVHocJH0aMWNY1XiOit4vYtkGdJGRRTyvbKMZQbaOZpGWkeoh7TB4w1RKGwNgPr9Iqa4pcM3H6TUSH9VRXWzckAa7zz/YHRndkolsqqUk7966VUVSyT1JicEYdtUO/mWNOG7iBUrOenQc2oav+3hJCIATPzeEGpBHXRZ9N7aSDzsjUJX/R16ofDtutaroZrun8bNVV1efCXHLH9ItOtFUQt9nN9J9+m+povaHQs0AJD4lUNVk5t0ysK56JRMSthuQW9cUruhvR9b6CorqTqj2SoKkoukNHJXfdVkd1Wi5aUERJAdusWkzGZKeuBS2R0kBrBWc1UsHZHvVtfYemNKakuqbs0c2RPFkNRBSj8Grj6s5RizpwU4UY1UEheN9XLX2u6U1GqWheUG603KBo9EPLpVt9Cb7DXXpVbYSKjeaK7hfzkdPlLTGq8NgYFUu3KlrkjEoRnn2YVZ9Vjcd4TYHGF5qJNLsgPmJdZpwckx85hAP7cc8wjIyTwzvLMASFIXNhGmfCJSgxAeX+WItOvjV16cDmudiuP0frzUOTjeDDFcqDPjXRjZW/Wqj6vcZWaDbpSTO6DuhnizqeNKSTNDb5SCf5PxN0KqScWZYLT8cPNDJPpwljkk6VziOixCIxSuJoNfezD0IISPAcDjdK8nK2N1Jq5dRaIedIlZXaMrlo4vh5eeJ2vMV7pajXphN5SgVqpFLxzTA2odiACQ2pTu28RafaJpp5NliDGx1jDixZOB1PLO9O5KfER/Y1g8tUrwnm6Xqm/OaP7+sitd0h2zW/vdGNpvKHYjBxhssIZw+LUtGHZrvnVg88b1ahwaKu5OXU/6YGnaJkwBN0enBgpGhMe3PspltevfyEedphrePN27csq0JAtU8HIzcgZ7CXPkk1srcU18CnXqAc7fFjhvSKu3DHq9cfEYYJGRzH84kYU7ff787cdLihbvk0VX2yRK5CUdPFmBsBQMTijIp7i2T1RTMNKag7gdE9yjhM7KY9h90NtTbevnmrmpiaMUbD0MS0TTyv2UU+cHNzy8uXL7m5ORCC5en4yC+/fUOK3RrIqLbmtB65pIVUE2L1ezpRL0E9EEPXnwkZpXnnlK+5W7G7OjTUb29LHKVCKXo6CMIUZpBGrYlcV2rR8LhKppBoVvcfzgpDM+xxDKZhW6LF1Pea3XCz79q2w42aOu4kGBNUI7OFuOWoe6GcEBeoovle14j1bZd4NlxO2tmfpj3OebxXMai1nhAGtZMJA3Ycsd4zzrMWM6duI8YapnFUWyJJLOeL+v2tkdyhyRIvhOCpKTENI2MIvcAXyrrqdV8qJoFJjbYm2pogZwKGQfSjoN6EqSRoBWPUqWLNC9/+/P/g7eXbfHn5ZYZ54n73khfDK9WzSVYRcu5kC7TQW++VTecM4+AZg+du3jPakb2duLGBvfG8Gnfs7S33/mMGv8e5AQb1VZx8YGBhrAe+bv4XZDA8pg/kS+VDfOTx7QPrMdJSwQSVApR+LZcCufVdk1W7n82DU+E+Q239o24oRaeid6KQNmq6mzbdVHlLBVdh48bW1Pd+0xGWDnXqNKnFMtbK6Xzk8fiex+MXxHwm/tcvubu54+72nm997fexG2/ZDSMW3Z2ti0a3SNPdmrGOjz75hHm/wzjL2zff5XR84rgcEQHnhFgXSo1UacQsnC6G/c2EsZZ5PBDXlZJUGyY100hcloyJJ2rKhLBjml91Nz+oC1SfKeORAoQKn76+4cWtZx7gza+84fT2yCHtmWVP8BMGjwqufuvH/yWK1PNvt+4eFbQWh2fCtRFTBkx12NaFZ8boAdP6Bqa6bodSoWzLQachYTIo0w6Aphdda3g3MQ07dtOecZwRMZqjJPm6KBUM0jYr5e6+0BPqrFM9TF09Zh0Yygv2/gX34Z6bww1iHce4KHRQn3VGV1iv/+9mlrn1umajk1+Foq27B/SNk/j+lxmhYSwKLXUa9OACh2nPi9t7SqkcPzwpC6mAWIUOjJcrJDUME+Mw8uLFS+7v7tjtdizLGWmap7TpQnL3RsylaMG0gNPsni2Dq/tMdDGqqlgqFUOiUigtY2pBKGAbg39mvbUKkVWFw60bx4q+B6X2mtJ6SvMmFZCGd46RiYE9tgZl9AHSDLaZK5XEyKYTo+8p+tTEdY1+7b6lKbum1oyh+wf2SbhzwbTVaIlSurbJOpwb8H7AWUfOE845Uo7YHDHOk0rCOUdwaptzlUMIz69hn5T0ACya9ZMThkZNkRJ0r6VRIkmvCdP98molxgVNtBWCswSnU4uRbe8rmhacMsu6ssaINZ7b+Z6wa+wPt7gwYIdAKomYIg9PH0h5pZWoVkY1K5GoqmOlM+BFaKmRa2LlzCIDViyn+gBi8GVH9YbBCM7uqGJJVcB4jGmM4Zab/Ws+efUN7JDIZWG0e4xLuJCvaEhrihiIs1DUvaOUqjIK0KaPbhXVTLdU1jfWbimJesjQmrJbN5mF7dOpGi9vPngJnRpND9DU1ro1DWbdfCHX9cKynFnWk0oziFzWFTkVclsZw479fOJu35GXZtWsWQRju+6ogrGWcZq4f/kSkca0m4jrRQkdeWVZIDUtkK45co0gDWsN4zjRKpTUrtEjjcwqFUPBtYgwMLsuv6lCzQlq0lwtp578KVhqy4x25DAdcAeHe1K3eeu6B6n8bvDuuxap5ziBDReWajDFMZgDlglbJlwN2OYUo0VPC9sMtVmc8brPovWQUi1Szg5qwCrheuE6qWBhN91y2N1xM9/iw0BrXO2KwGrBwyJ4NmFDpVFtwwQNULPGsS6CnHfsyie8mD7i4/k1+7t7Yi28fXokpaIsRq+wTdtGmA0y6YVTe6ktpVdfmVyK7ikq6jyOpUnAiD63zQfO9SnKYJjCyN3hlo9ffUzJhTff+ZIcM0tZr9Y7YQiEYWAYRu5u7tjt9nz0+mP2ux3eOz7//NegNnLMnYYNa4zEolOGc5pjJXYTsdL3UfocTVMqcBBLpRE3iK6sOgVLwVrDbhjZ7SYGp2nMF2NZ0qpTjOmNQs/Y0gKli3LVzqmV0OQPTDKya3tc3JJr6RxHu83bSi4R0Blcp9rrOmGDd69Fq4ufS342rOiAZqFeBc616v5J4TH1bAth7DHgC9Z6vA8YP2CcxS46XQ0+MHrNURpcULhX1PW/ielFSOHNHBdEGmm9EMfAOgSmoPqXVgtjGPHWE6XRWmZdzppS6z3j4BiCIzhHMfrcE0LMlXVZOF1OXNYL07Djfndgf/uD3Ny8wg8Tzk8sy8rxdOa/Xn6J8/pEyWdqiSrgzuhkkZ36/qWVWBeyT+SwUkMl+YRnz9lciBZeeNgh7O1BXRBShzGNYfT3vLhpEITj5UvOlwduxw/EGoktY9sAzVIRrA0YG5BSkVKJy9qZmI1Mvq4RautJadKbU2MxNIXJAboYWFrPCLNdstHTMUsu6oPHNoF1uNV06FjUvR4ap/PT9aOKMiYv65k1H3k8vSMumf10z8cvs8bruEmLi1NRusLHwhAC4zwxziO7w8yynDmfHjmdj3z48IYSYa2ZViO2GnIbNLDVOebpQM1CXJR00yggK02EgsWzYs2EHRxSBMlCSQu1JtqyUmuirJnLWmjB4MeB2/mOHXvWuOLbiHWjahW/Rxj+3398Xxepr9qnfdVjTL2xNLpjP7ygXhy5WmimB5QtFCk0W3QvZVSYq4f0pi8SbPU9FkPzbGqtxLww+IngAy9uXzGPO1z11LWpt1xsUAzeBpzVvYiJjSK6CqMTC4yr0HQP5deRUO74gZvfy6f7Oz7aH4hiueTI5bJSa6cs959bAwfRNrrDEKZ3cZsX3gZ0S8sq4r0WMIOxouLVatBbUR2LrTimMHGzu+HV/Ste3r6glsqnH33G7e2FJS5MuwnrHX4K7HYz0zyxmw846wnOY3un6IztImdRT7cO1xkxBD/0NNKvOGv3vZWAPq+Gwi99mhpEG4lgAs5YKoUmBUfAVMfgR6TPR+YCl1q7T1qhlNR3LRZTRi04EghuwrmBsR2U/dYcrrbn6WSboDozbSOHSN9LXTPM+jsjG2OlajdeenS5QoUGkS1+Xi9cNenVzCFKoRRDZiWli2pbFp2ogh9ww4h1HpdGrHEszrG4oMXMDdgePw5greCDpa1J/edSotVCkkJNhrQayhSw1uCsAS5EMTyejpzPF9ZyZJgPDLPDDYK4Sq4ruTRKa6xxoZSMtZaXL18hTri5+f2MwTMNAyKqFWw4TlyY04nHVvHlgXV9pLUIpOcdaoJkTiR7Zjknio0c3ZlHu2LMe77d3uNlZjb3fOOT/43X91/nG8Yzuh2zmTBVm9J4sQg7DuFT5nBD2S/c249ZzwvL8cLDw5l1jTwdLwrPmcDknBoF26gTeC1QVnXyRqcrIwqy15ZZ1/WK2Kgm0mEkI+IRcXhrdecZV3Jc1Z/PhatQvNbC5qpurXrzNamksvDuw3f48PBdHo9vEJvxTtmeKhpf+HB8w3m5sKyVw+6e3Xhgt9vjawDJmkvlA8bZq2PK3ctXnZFaeHz6wK99PrKaSH0U1uUDVRpr0vw2EUvwE9ZESjGIqYjJIJFiDKupuHahFM8YH7DF6WtfEp6KE4dPDS/C5AdSbrw/F5bHlXRJuDRgzADNq5Sg/i6YpHSq6Gao2zq00RXdqgQPdiIZQ2obwaDpKC2tT079YgS2/nez5nx2kNigITWQnIcd4zCyG/eMXinctYL076uCwE2VbtQVmKohX0bZVWIKgkXKgNQ7RnnJ3fCS/TgzDRNriari77Hjxjh1AoAO+8HVRa8n5l5tda7dfr2uuqW1a6FSLnfXQDeulkWm31BjGJnHicEHqmkc9geGcSDVzHzY4YLHjY55nhk7fVtZTbVbBZUeSbDFiNCTabvDhXU9CfV55lBtVbtOIteVagVk0yjJVfNRyFQiUnVJ3UqfFMVcP0oPOGylKYRbNdJBRDVRo+zxMhHaXsMmK51Q8gynGtnEzP/NY2P6se1Y2nWyf04X6htxqVeSwmZzs30DXcrrXkJh3EKpGu1dSiFbSykJ3zLWB1wnWBRjaR0WbL7o7sr5ft1xTRg20F+DTK6rIr8VRBzOGpy3pKzv0/FyZI2RzApujw26g60UalrUW7JDWEYM4zjipoAfAi/uXzC4wGAGchZq7cJXN9FcYLa3ZFExbWueRtYi3TpRw6i4VWqgmUq2ECVRSdS0YgiM5gk/7WnOcnv4Om1ojGOgNqtElWIRMxAsumMiM96NxGFlCWesPHC+XCj5QSE+BBEtIMNgkZxoWZ+XunioAeoz4UdzxrgShXpL23lamhSgjVEtiZwjLvfk7A7J1qbsWI0AUWlJSpllPXE8vee8PBHTBefqNeWB/nVjWbqjy/vOrq2EQQFxMQrz2eaotC5R0Ywy6wxhMOAMp/XC9PiGS1pY05NafHUHjtbA2UFdJrpoeXuuVfQqX2rClJUlnfEt4KrTpPJNz5f1dbHRUaRqrti5UpeGpoerLpMr7vNbP76vi1S92sxsws5+SHbGl8FhzUxqhZRi9wfN5PaocccIsSRKVXeDzbJ/c1vwbkSapZZGKo1xGPj41Se8fPGC/bynrkqwcBKwwVFb48PwhLSzmqAWaKZRzIncMql63XG5RjAXTA6YOHPnfh/78Jqv3fwAs684V4iXqIaqqSge7wfyetFDzRiFFRAdx5sWIWPsdZpqrVJrolcIaKnTINWqRTpJIRchloo1nuAHbg433OwPHKY9eUm0Ci9vX2AHhxsC+7sbbLDg+0vf1F6mNbVHKt2FwFunDgtirySIKXQasjXUUqipT3ubSWefVJpoca00qOocIk33Zs0qs7K0TKyNtGTSuhLPJxVqWo2QMNlgcrdpKhZTwFbBVCWPTLJjkgO+zdh11EOuln7o6I7suvPZ8uGB60Ki0ys1Ubvr0nqZula0tnnT67/V+/7533z139b23ChtjrYpLaQkrCLYdeiSh0FZf94zDSPeBeq0o4YRYcL19xYL1gtD9bSkTuLr6YFFIpiED03dQ4xGb5Sq3nsiBu8n2nADUyPZSMkr5+OqLvxYdne3zPsDt6/uGXazhjgWS9dW0EpSRxbjmIeAl4Hbwz0lFU6nY5dNyPW6tTSC7PAyYMSR2solP7KUC0teeTw/UtoJzAfWWvji4XNygs9efZObb/w/yHXGFIezmlLdcBgZEYGbwyvalKmHzLe+bkgl8yvf/pzPv/NdfvXXPqdZgzjHvLvBl0woCZcWckmcljO5LOS0UKpaovkg136j1ZXa9Jo3BJp4REYa6gJyOj2xrhdlYjqHcR7n1XV/mgcVg8fMd777bT48vONXf+0/s+YLlVVd71smEbvTuspeKomlvMelCnEhrIIvI6mMNFEjXeM83sMQ9N5rFTyOeX/Ht35wxymt4ByPx7faoncmX3aNcTgwDhnvLxRZaQaMV8lHqo3j+UiOhcmODGZgkIHZBmopXE5ngjMEr3yA3Aqs4KLH1MA83+DtRLA7wBF/fev3Gz6+r4vUsxZMD+yrxUl3r1aNQqNU7XP94DXYLhZKqqypksvmCQc6mT3vEzZaqYhhHGdu9gc++fhTbnYHBh84xiPSlF48+hGM4e5wi7GW2DJLTRSK2i3VRmseKx5jCoMpOGZ8PXDvP2FnXypNl0IuiVJ1aVnrdclx1WIY+7yN2xwotvGj9dNvm6y4/ly6yJea+y4MsOr6LKVnBlnLPOlBV0tljeqLowyzET8pTKdizG03pmw3jWsopCWS4sr5dGZdFqiaSOud62nBqmMyYnskfe9Ke04VorqUtuH1ffo1IupwQLu+P6az5mptpFYwpoE3KvIuop11E7VJEkGkgDE4EbyAaxVfM7Ym2K4fXR5dIb9tGmqyfY1+4fUi077K2uuv9TbpIp29Qq+/veBtnnuySSXgOV5+ez0QjFytbVUa0XoOWMnUkpBayC5ek3FLKV1sqRICoWKNMHiPbZk0OGJeSTVyWS80CtUUZQPWQqlN05Jt47g+wVmtxgSLDYbRz3g/sL97wbjbKcw7Doi1pKivRS2GalJnX0ZNtnWJ5hOETHVJmX6tO3qjPobNCs1YbJtoOHwVWg0IKyuF3JJaGi1nnuQt3333i1gpfHS44254zWB2yja8XiNqY+bF06yn1cIwBao0Pv3Y4uyE8zvePx1JOVP7DtQ5SxCDKYkCLLFSUyLlRRl+PQFZAzE1SkFdQSoipU9SmZoT2Ziulcyqt3OJ2hy2WsRWYlq4LGe++PI7PD6957I+UslglGzRpGjgoWgTp6hEpdSVNR+RpXD2M4PXRnaNC60ZrBkptSkUaR0G9Xw0VrBhZJwPTLtbrBtoeVXN4ppINmONsieHMHLOKDxZE1SPrx5vDF4EZxpWCiKJ3JUIbhgIw0gIXrVvOcJlW5sYTOouNs6Ccddgx9/q8f1dpNhGbj1ZWi0gnYHTi1RO3dEZyzANWJu5tEpOkSVFWu2W+91ifrM82bQvm53M/nDDi/uXfP0HvokXhReW9wqfeHHMYcYFz3KXMM5xzpG8HpVqalcqDuqAMQFvMqNVBfkoL3g5/ACzvSP0CSjllbyZYJatSPWJQ5S9J9eb4/nVeO7anxlGsEGgWQ+6mrGmqd1SE0qnyJou3t3Pe7xz5JSJS8aI4eb2jnEYGaZJTTjR6IZ6DULrYtY1sl4urJeF4+MTl9NZO2qrqcKlC23V9ue5iGqtU1FlQ7v72tlPpi+qlUVXURJWf7/Fkar6KOaS+vRjaUWoWf0S1WLH9B2C4pteRIMqWsa1iC/K1CvGUp+5OAqTqUK2NwLynCO0vdYiX6lA6K//TQRBE6GKvmddRQ0o/5MN8qi1T6NdhyfSd1gdcumTXi1NpQ0i1JI00DFlYlBD22na4ZwnjCMewVthCp5iKrkG6uXEukTO6VF95ojEksg1Y6zHuUC1YC6B2ApYp24c4y23tzfM04HD3WtcGPDjCF5zh0rR96Z0GLm0QiPRTKL6RBsidYgUv7LZA7U+SenOVO8/02ZcLQw1YNuEIxLJJFnJciEt6nDxa/b/TStnXs4H7IuGmV/hZGaTZihr1+Jl0OvJFqZxh/WOebrncHjJ/YtP+M+/+F95PB55vJy6+z1qYdYy4ixNMrWtXJZKrZFC7u7eltBF/bXqNWKoIJlWUzejNgrvVSWIiDNUBlwxVCzH0xMfHt7xa9/5VU6nDyzrg3okWtvjXBreuu607qDrQEvNrKlQ8sJgZ8pQsE5dNNSzOJBLw9gRP444saRcsKK6snG+Zd5fsH5Q9mXMLGtkdIlDCAQ/MowT56MaJpCjJj00y2gsozUEC040STznihGL3+0Y5xuGYeb0dKYUlVk40wXISRsevFLljfwuKFLq0dY3Lx3bdzrYYvMEyXNKD9Sob7Rz6oJgjS5BY9aDTSm4hk1Jv+GlpQrBDRzmAz/42Q/w4vaeF/Oey2lRd4HWMJ0hBlo0X96/YOjRzt999yXH5YkP7YgmpVYGLwQbmOVjZvcxe/s1RnuPNzOGi+6sjMcSMVWX67UpVOScvcJMdETXGNt3YRVHp0yXQiNTa8S2BORrRHUVR00V03Th70xhsIXBNEZruZkOBAmUpSClYb0wDY5xMAxe8xErDUql5qzTU9QuvuTCZblwOh158/4t5+NRc3iMU8GpAZoKTfme8vpV8gu9KHyFKtf3ZrVWSuv4uwhONp9DZWgKFSmNnBolN2pv8azT1NftdVPGnsKLTRrYynMcvOkjeuuQjj6vBt0yR64sUvgqHEjfP8n2h73Y6efU7e/Y/r7qQS6JSlVz1ppYy6pFUAyjHfHGEcQr7o/KBtgmt5zJYljTGb8GwjISlyPOeaZxYhDPYDxDJ27c3d2BjxR35s3bI5d8YqlHdf2oFRcD3o2k1ihiyDRevHipOw3vsc0iRWhr1Wk/NfARjOkWQ4JxSktWPZCKeUttzNPMui4M00QuOrk521+zlNVLsvakZgODDOQWlLDhzsTqWFolmkYxkTfL56QPK+a/qv3Xp/UbvNp/CysDrk14CQr9eSHHlbVcaBeDy55xnDjcHpgOMzKMPJ7OfPHmC87LhcuqXowiDRdegPmYJok3bz7neHrgy3e/RloX4uXC6XzU5qf7BwY/YCYV1DJWZNB71ruRlAvrunI6vSPnyOnygct64nx54ml5R6wLqUYkq0O68RpHcrjb6WsphmW9qJ+gU4/A1Arn5ZHWKsMw9gna0Iy6qizpjF01zdh5g2tN4e5gVAw9GFKqKuhdTwQ/c5gsYZzYH+44rRO1Xqh47u5e8fr+a+ymPc6oH6FUZbx6M6nzznyLDxPOD9y8hLwsXA53KuhdV7JYijRKWTGpcmH9bZ3z399FCrl+6NmgxAVLQEqA7Mgx6iFuuE5dFmWPlVoRVbxqF9QLVO9dAcFZtdI/TDP7YcCLZeleWnoW6RS2TTFj6GmqTQ/s1gpPKSjEYyreCsE6ArcM5pbALVaCdhhXkaDFomQBb2yPsK7Xw7x1dwmdJzr0pEhEX9D2zq4VzKb9qroApqLuy/0TDBUnlcEaRqd0ZovRHKTOYjNSoWadTq7lo0KuKsirujgF1LgyrlyWhSXFznv4qlt0vR7wz+9j+55Vz6bC39hfiry1K71FFfcW4wINr9h+WWhVk1Q7ufs625i2iWj7cpfuCrARbgzPScR8pUj1J9Q2aK/DqFylDjrdbYvz689zZSyi5BngunKCZwiQbuPVJ4UokRPn/gy76zZbfLfGszR1Nlb2XEMdG8q2kK8qP6iZbARna/cw9IhDl+jR0iysbeFSTpzaU5+KwddKzWDTiksL1g2kHMk5dSq7Bu1Ft2pass1qOmotEqC2zZl+m/Dl+rMMfmIMM8FPwKqkF0EhT0Of+oXRjQrd10KqSkYYXIBaKMVTbKKKYWlnTvGJN8fv8v70Bbtxz4vd1zTxQAY0eVidOKpAkUauBamWJqiUwjhubm+wIRBLxB091lpKGTBWGKeAC4LYhjeGx6eZnCPn5Yk1nlnKkS06I5eImEYqZ9ZiOdUzuVQsgYFKTJnLurAsJ2JceDi+IaYLazyzloXSouZIoU1RGDzDENjNE63r7FJ6TrJtqLSkdIJGyivOjR1SVPF0aYlUolLFu0xBd1D690reKFQysaysWQW+xlnGcSL4kVIGMp5p2nP74iU3+1v1IoyVVgUpgrdapMbpBus8xio5ojiPpEQSS3EXlcOgGi3TUH3Wb+Px/V2kxNDfVgQVA0p2kGbMcsDEmZJWXG06hVSDNAgMWCKgB1vrNOytey6tYKQhxjONO+52txxsYKiGcl5oMSufvB9OnZBMBdUOTSO3t7cMzvL+acfx7YlYnkjtif1gGP3I3rxmlJd4eUnDdvZMdzcQy2gtOx+43+05p4VLWtVGiEZtRcPhRQjG6VRTMlK0GDlfQfTiC50Hl2vfpxShJWWTiSkYqThbeXGYudsf2I+BtKg1yzh6TGvk9YkUG/WhoXHjDutHNtZdCAOFxiVFco4czyeeLhdSTDTj2NY7tSU9co3+gfqiXf1CtLBcqfPP3J8tmh3AiGM/zZ3FuBoAAQAASURBVIxj4Pb2gLWaQvv49IF1XXh6OpJtVEgkrmoR1L0NtY5q99fEUvGUjYW5wbv0qG6gmwj+NwXoK79t9GSC0t99fcZ1K1LSo+NptFKev4BRDV2tjWoShcoiC5d64dGcEKfwSG6WoTZKNgytobOiQqDOBFrX86wxEWqgkBh81+/UtUOzltoD+pqB2BLnfOZdfs9Tfs+RD9oUiWVip152qwPrqRjevPmSS1hJY+XJXgh2Yt6dcSEolDSppVHYTWhiplOIujadjrCYZrkdXmF3A4/ThSNPUE5XKy8n0qdjw0f3L7FGSHnluHzgEoUoM7YKrRS9T8RQzMq5rnz3+Dn/9YufJ6XE1179fgbnGOSgRtOtwZBo3nUoT7WKqW6u5ZZppy74fnCcTyeWy4UxeLzz7PczxmsRfjz+Hk7nI99982u8f3zD4/GBb3/xf3C6PPF4fEdcLpzPZ07LGesG3PglTtTzUQrX7DHptmCX5anbD/Xzx1SarfjJs5sHXr68Y5ombm9eqH9e0usgpUhh1V1frbSUSOnC8fhBkRIaLgw0U/B4lgyJCH7fL7/Aw+Mb3r79Npf1A6WdsUPlkh4xiyfVCz6MjOGW9fKas7ec1sbdy0/46Ae/xeu7j3HGk06FlkShlWz7LfxVwymQYWT85DPk/p45RR4/vCeuC8v5RC0L53z8bZ3z39dFCkBD+TZftAA10LKnJodk25lnPVKjR0eL+J6uKc+rhK2bl96tSsU6wXuH90EvlFhZW9aUBDZRaIcbu3lnM4ILmv9yV19gJ8fr8pbzajitmckZRheYw4RrHlsVU6pNI9E3TN27wDjA7eGAXAxN4JJXPTfFXPcbYttVIOicw2IYRi14papDQ0UnLZr0/U3vur12iGpm67EOLssH4pJY1xVjJ8R41rhFbIALE9aB6W7WYgzOD8SSyenMsqycL5e+ON9IEp3MUrZSTvdR2+C1jUwgX4H+0KX0NXhP8D4QvOf+/gXzPPHi/vYr8eyO0/lEjnRRY2HwytxMMZJL6Uaf/fsXLYq19R2fbHDcV2BH+J4C9et+uxFUupPEVqQ20oqI9NyrpkSTjQTTrxu+QgqxZsI2wUihYVV0LEE/8BTRKSVRNEitrFirB6+dJoZxZr/bc3/7imkY2Y8zwQSCeEzZomwWCoVYIrGspE5sgELpAtRmYHR7jBOct0zzqKLh4BAUHk0lUTKULLioE3u1BrFOySt9YK65dkmEUfNca6/Tv726NAhiB6ZxYAwjt/cvaLXy+PAOmqMWzRfzFiarDFKLp3SvQl/VDHpZVx5OD7Q64ea7HhCqaQWbFEX6a166HELM9toL3loGH6BURu/x3hO8B69MyXGaVHQrn7Lb7TkvZ+7uX3K5nHl4+sCHh/eczieOlyOFSkmQJeMM3BxG1Qwa3+PeV5DS70UVX4sRws4x7WcOhwP7wwuGMGFlpwkCOdOioWW9rhTqVpJOa40UE8lHnI3qT2mVEKPOI43z6cK6JpbLyvu3H3h8/9hj7CtGNCG7pDMpnQiDYxx23Nzc4n2jPJyxRvPoUso00cneWi3+qWz783qFwlPJfccqtKouN9OoUCENLucj117ht3h8/xcpWr/huxtD9dTsdaLKllIaDosRDx03F1HHcqshJ/p520GF6kKMFKzTg9+7QE4QVcLfYZYOGTVlmGG0SGEM1lvG/ch9uGc4DHy0vOHx2JB2YQ6GwXumYUJygKwJtNqI1CsV2XvPJJbbCgWFKlLVQ1fEUbNSvVXypN25t15pv7OjtpWY1WW8AjnrFVGr+ue11lmCTlNDvXeIheP5HWmNxGXFuQPIQFi1ILdmMGZ83uOJUyNUFyitkWLmsqycL4tOLiIU6AmzBmllq1G98NDD/boNTWvXAqUsS1XR0xrWWoYwsNvtePniFfv9jpcvX+KcunPHVDEmsJxVJa9Tmt6oi7mwrpHcEqkbjbaqTQGNbhYMYtoz2kcvVu17q9SVnNI6VMWWotv3TQ3NTOqfL6bb4zRL7QcTrXeevbmyYnDscMZgJZPbBjsOQKCZoIMJjbVqsmwphWGweGvY7/bM+xtubu95+epj5mnmMO3x3Rq3nhdKWjkuK4VKrIncNK5BgvrItdKIolCqCVqgfPDs9jOTnxjsgBQHTUgtY6pQspAtWCrFSHdw77hGhZKKOrdbruxR2mb+qlqqJqptmna33B5uuL29J8XI4+MTtTlKsVgZYJMpVIsj9GlRYeaaDeuaeX/8gJEduynirWoVWxalZDtHKbHDcwph22p64dHk5GAd+MDgPc47nHNU26imMgxBHTjGmdv08sqIXNeVDw+PfOe7n/Pu/Xt+5fNf4ZLOnMojyIqYxt3dyDAYhsGQ8jtSWRBT1S29Go0bMg2/90w3M4e7e3a7lzgzYLKHslJiuxYpBJy3WCeaydXQRixEsos9QqWQUtLGp6BxKv1Sfv/2vcbK5IrUhm2VWhZyPpHSCRlmxsFxe7gheMNlecRKoKTGckl4g2qkrKYmZDaGadGm0Qg5ZSVU1a0JdEzDjDOOVhvrZXmWEP0Wj/8LFCnYNhmCh9KnqGghWkpeqbaBa5pdI0IspcMmejgpAQGaqNCu9EkqcySWE2tcSKlhG5iqh2ntuqCNfmycwwWHCRqnUKRiBstgB17d3jGaxkBhmtQp/Gb3Gmk7pOyoKXQjyoSYgJiBWoRSG7tDZpgGpqcR/2A1lTVGJGjUwn4YtVutlXncE8LAMBrWeOTDQ8SlpIdBqNBsnzrLlVHlusXR0/kDj8e3nI/vMK1hgfP6gv18wzQFhnDo5p4z1nhMRZ0kamXNkTUncsqEENjvD6w501JX8dOgFYU+jFX7I7pVbmvX908P+s2ZWqercVQz1fv7e25v73hx/4KXL18xjRPTvNPpsDVe3TeCPbCehXVdSEmX395XguyIVq2SLsuJUhIpRSVoVHS3ZroYq9uY/EYF6vnRrjCvdAYoKIlGOTztOo0Z00k1UihFo0qoQT+3baQMwTBiASuZilLNSzWUpkyw1A/3MB4YhsA8zbx49Zrd7sDHrz/msDtwc7jlZt7jjeu+auAqrO8eWS9nYlm4PdyT+BRz/3+HKXPztZHL5cy6rqwPkckd+IG730t6spAHvv6Nb3CY77iZX5FXQ8lCSsqGrKICUaxoDL1oYZDaXzrbRaXQp139qKWyXlaaGIw1FCu4YWTaHXg4njifjnz57h0xL0qL9yodsSIYZxiZmGXHZil02N0xjHveX94jYWIuL7kbDM6OlIiyPTHUpg7fKWWQrLvozfUEgzWO0VvIjVIal7Iio0EG0WveClbAUDTBoMLONfb+FZ/cfp2UE++e3vHh/I5vf/hl4EII8MM//E2MSeRy5O27L3j/8IbYVvAeP4xIEGyA8ZVgAmRbeDyukAvxoRHPF+JlYb2op5+xK2YwiDeA12u2FuK6QrPsdgvGOELddtcat5NLIcZIjerII1WuYvJWF0qC4/FzgoF5mNQpY7xhv3uNYeR0Wnj/5QmD4Wa84XZ3z81slaRUtuLf9/NF9XcxZVLa9pqpw5sFMeCH/0Hsvn/zb/4Nf//v/33+7b/9t3z++ef8k3/yT/hTf+pPAbrY+xt/42/wz//5P+cXf/EXub295Y/9sT/G3/t7f4/PPvvs+jV+7Md+jH/9r//193zdP/fn/hz/+B//49/hs2nXD4XJRKeq7j5MRXNypABq9qkK68LVtv/aNreet6RO280YMguxXFjSmZiTRnbQKK1e9xzbs9igHWsNYjevcn1u3jhGFyjDjnH0hBDYjXukzdBmSnSdGPZsE6Q+c+DLZkJpqBTWGFmW5arwnrxX+ASYJi1SzjcaCWu7s7mpiO+UEXGIqKZoCOC9wp7LeialCw+PX3Ryh3ZqImqDY82Et8qYazXTaIgVMEKURi4avhd8YBg0GG0jGGxBjX3WgA6PqTfDRjwwv+49BbnGMez3BxUa39wwTzv9OU24vk7TeKBkYZ5OtGqV5NEKFqXuN6farFqK5kxVdHlMP1E3dl4vUlfo7ysA35VA0bH35/iSDSL8qj5q20m568+ikRBVdzf9ebce77BN5nKFDLdvqJEM3ju8scyHHfM8czjc8PLVa3b7Pa9ffsRu3nHYHZjCqFBaKpjcMKlSzEqRjG2eye+43d1j/IrdN+4+mVnWC+u68Oif8G1iHnek7CCrj6APA34IWOtoxeCyogdFjOqbZHP6FvVIzD2jyZjr66eTlGMcRi7LuceLbBogLVZi4LScOJ2PLOuChjl85Xrovo4iagytkSWCEU9DWNLCJZ44xUemcVSkwKjEpNRKaUqnyT0TrUF3IFFhuzT1mekyNkqtGKfsUPuVn+Wa0Gz0PrfBQRhoNPxgGc6e7CO0Fe/h5e3H1LZwXtSbUek2EeMqdgA7GmwQ7KiU91gidV1psZDOEM8r6bIoeoJ+tN4oNKM7yFYhp4hgiXHF2qCSnE2LRjdKFs0lc2KvkSkCtJ6zFuORNR5Z1xNuOGCMxdsREUWlzucLUgVfB2afqEO/Z/pbVKqiIiVnZXHmxLpeSCmyruohaa2iVWJ/e6f877hInU4nfuRHfoS//Jf/Mn/6T//p7/m78/nMz/3cz/E3/+bf5Ed+5Ed4//49f+Wv/BX+5J/8k/zsz/7s9/zbn/iJn+Dv/J2/c/39NE2/06dyfWzWNHqzN80Bqgrl1byo/Q+GWB6hCUs+k+rCFq8uIgqp0QP4BqGaRBTDQ5yQCgd7yyHc4Gev+42qnbH5yh7DGMM4Dt2pv7LGCykusCYGExh2L5n3sxap+Q5hRBjJRXHlKolGorWIN45NB3Z3d8eaIo/njzQpMyVyXFXAGTU6LDiL8yPWOlI+08j4MOBipDXDELQzmsJEGERzdowq29eceH98w+n8gePTrzIOjnkM5MeFNV643X9CHAwxGKQuiFjc6LHBqdOGFbCGeZw57BOlwXe+/LIz2lQrUrtYtWuIr4JX0ycqWu0syU3kqtPUPO2Y54nXLz/icLjhsL/F2wFplhz1PUcMt4fXjOGWHD1vzZdQ3uuCtjM2B+fBVZz15BxZ3YXUnQWgaG2qW4HSvaSov5BSgM12RHWROFynve3xPao1Y66hhTolVoyp/XWw+rm1UBvqNF2KHipFpw+6IN0ayzAMfHL3Mbf7G775tW9xuLnh5u6WcZ67CeyszUEYCFbJQXGJ1HOm5ASrg8Xj4sR9+Ii7+Qb7+muYXSW8Al0TNH7V/grHDwsfvnvmZveaeX9HSpXT6UJaP3A4vGCcRoIZaGKvpJNm9NrfLKjykrRzRzVsFPWenKeZTz/5FGvVw25JEbGGcecRV1jLme+++Tbn05ElP2Fcwxjdl7SiXpvS7zXbAt3/SwNNSRj/CCeh2QomcTPfcTe9omaISZ3xa6ukkp6bSF3LUNaMNwFvA56gX7cUnBF1aO+woB7qXeMmCq1IK+pmQ2M/OcJ8x/71DKX2TfnI+fLA6cNKS3sMM818gZkqwx2Eg8EEh3F71kvjfIz4U8XEAXsJpGUhr2esrIhkqJG8NnJEd2ZY3VfGwmIizo3UnNnNO5p1YAxD8BgJGLNjeXhDWU68j8qCFasBr43E6fQlTizBDPg7jzUD3s1YUcf6y/lCyxDqyGHMlHmTk+j9kdZILpllvVBqIpWF8/nMslx4ePyAMcI0DfjBUHlmK/5mj99xkfrxH/9xfvzHf/w3/Lvb21v+xb/4F9/zZ//gH/wD/vAf/sP88i//Mt/4xjeufz7PM5988snv9Nt/70O2iaX0Cyf0XYnVvBURWsvQIq0t5HpR/LYs1B5TocdKI7dMMYliM3ZnMabSsCz5PU9ZeIwfYwzc1J1SdqtSOXWc7uZxtV/xte9D1pW0rpScNefJjXgz4kyA5vr8V6+R1Rrx3m1dTGcGiTDIgPUOFzazSY1YKDmTU7pi/IgDMeQ0Mk4BH4Tz+USOCWu6GakfmHcO5yDnJx5OjyyPb/GzYbSOpUCqC4+XM4wTNieeTgstX2hpZAq2HzKKZ0tt2ODV6gghZ6XbllKvsJcRq0vqrxDlvrr3UQsnPSh1LdglBV3Vb8WRU1ERqr2QnaYiWxt0UrS6P3A2cHdzT80VK5YHUTZUTGtnjlScC0r46Psiky0pr4CKkq3pJre9y2ebEoxONW2bB/vkpTT/6/nVfyjY2ILtOjX2oDrRrCLZprbSj8uiLgUlJ9ww4vzAR/efcL+747P7T/jo5iMO44FXt68J48A4TUopt45gB5xx+GbxnRwjRWMvylppyUJ2SPYMViHbeRYIicv5kTUtrDHSjiNDGXh9eMXtzWum6YDgqVk4Xs7U4ljGzP72BdZbnHd0Pg7GGiW5ULHBYWzDGd+TkxVqFyscbm5IRb0z37x/A0a4v90zBIeYQm4LhRVspjSFk1uLNKk0sl4bTc2gadCy0DIU01iWM6UmYjqxXB6Zhx2vbn8AZwLWeC7LSiqZJa46gRmDd5ojFc8RJ4FgBj55+RneBZxR76+SKtmpe4cxcs033Jopmk7ltVakRAwNL5ZWvEaRXCYkNgYqn7z6ITCO8vABuz8R7k+YWZ1Q2jJqA3UBkwumNbxVd5cqmUZEzdzqdfBXuwclp2jTVLicnrDGsCxPhKDZZLZrAY3AvBvJaccXX3hytpTE9b1b4plhPXJeHklFjY6t0ym3VUVSalbkpBZ1Dim56B6sZKXDJzXYTWVlSY+knGgUDjfaVO33M43M+X+WPKmHhwdERIWEX3n89E//NP/oH/0jPv74Y378x3+cn/qpn+JwOPyGX2NdV2XE9Mfj4yPwVaZVd/kWPaxtDyATDIUCJGpbyOVCbaIBeDVzJUw2yCSqiVSX8bPallAN6/mRusJjeo93nlRfck0/rRnTIRypBWrWX2m0lijrSl5Wai7qAuAGvBmweFrVDnujORsF7tGID7pBq3bT3mrG0ihDZ8+oXUktKqZtfaSv1VAr5Dwy55F5F1iXhZwyFNPtiSyHmwHnGuezV4bXUyHsLASHT8LltHI5nxn9S2LNnJeIqSumrIxedwGbO0IFgnM0YyhNce+UErVucGjfNTXBtHaFKZ8JdL0LU8xho/VdF+3OqmnqVqRoF5JvWOMIoeFcwzvBWdQxY3dzxcY17+hCZdMXFTBoyKVVVqHpz7tuDUZ/bhtcKdciZUAUOroGdbXWzWdbhwE7rHmloG8sDNn+X4uZ5P77Z0upVrPS1HNlmD3TMPPZR5/y8YuP+MFPv8nr+TWz3zHZWTO9nNWPrvfZhNy2y/2kQE2NHCstm16kAmFUPdz9OFLcynJJxMeV8znDeWKUwLy/5fbmFdO04+l0YUmRy/lCKSeWVBj2txjfsN5c7ZzEGr0aLBgsYgXrlV1bs9o2GWvYmYNq/qzheDmBNG5v90CjZk0qri2CrdSSelxEj4xoRbU5TboWsNtsFaA01vXMmirHyxveffgc7wYezw9M455pPPD4eGKNkcty0XgL75gH3WuuTxHHQDAj97cvOnEiUCjUrEJ1saaz9J6L1Cavy6VAyUhLGAQnnto8rThKHiAbBnG8fvGDmMHwYP8/tF3G3T/RhoXaDHEtlJyIS2Xq+yRnhWIaRkqXcCgBqjWoGJ3WRNQdo+nu93I5Yq1huRzZ7/eIjBhTrxD7bh5peYdzgVwsJW8TYiXGC4s/clkfSWXBOo916iqyucvUUvWjKgGplKzFq2jTnNJKTiupXFjW49Vh5rDbM04jh5sDMZ6p6/8ELujLsvDX//pf5y/8hb/Azc3N9c//4l/8i/zgD/4gn3zyCf/hP/wHfvInf5J//+///a+bwrbH3/27f5e//bf/9n/3+8hGBW4eqQFyoGXX7RGEmjJrq2S7UJuwxKQHwtUXTwWVMhT8vuDuM8au0FaKr7Rz5oN8B1saH+V7HLokrq1HUrdAK5GWLOl8BiqlRtL5TIlRu30XsH6kEahNR2fF1MG4PnHYbQkfrkxDQLNqNp+8jv8aY7AuME7dlt+aqyBSpNJaURuXpJTUvFSFCpcLtZ6Jl4X3b7/k/dMbntZ3fPKtO6zfUX/1Sy7fPvH23QMvnMdPN9y9/IxDuGcfbridR6xzNO8wIWB9wM+jqt/PJ9Y1slwW9cwTR/DqX9a2qaHbKdEpchsIqMWga6dqVizcB40Ed57LaeFyWqE9cXt7h/cBa1e8Hwh+IMWsE5UN7HYT027g5sUNKUXOlyPLcmaNF56ePhDjwvlyxI0TdgjYIWgHuy7Pr/F2baggDVArl0aPA98IAa1DzGyO893XzTy/L51N0en0FfEag2CMULKGWjoJ3O9nPr39Jl/75g/y4tVH/N5v/K/s/Mze7RkJ2KZsNamCVIM3QWNfviIYjhk1RF4LKRdSrSSpVG+Yb27YH0Z2+4HZG7KJ3PrGfPuavCvIjVOSQUSbqeb46O4lqWRuDyvH5UIsmcfHR4YUmaX2n1rUXLZbiG3EE7HK/rRe/drUYsdyN3j297eIV7bfq1d3PD098vj02I1YHVWK0sjbBg3rzrgUjTZZ6wrF0IrCWbZWZFiI9cylPHC8PJFb4Zeffh7vRoKfOR/PpJRJOaprgnPc7u4IfmRnbxjdnskdeHves3LDfr7t76/RIoXKURTg6rq+jqg0AGNx49TJOEJqjlpVmC82YIzn49ffYLrzHMcf4mQCJ3+h2EpLkE5COQv1YnF+wMugnnc9aqP0WPfWHCJeXcWbU0szo69vqZkUV07HzHe/U2gtEuMLXrz8mDCMTOPMGG6YZ8f+l29pqPm2vm/qYnHJF+zyjg+nL9i1yG73kjDM+GHEOSVG3BxmvLcquk6RnBLrspJzJOdMyguNwjRNjOOOYRi5v3uJ60VvSWdYtiDZ3/zxP6xIpZT483/+z1Nr5R/+w3/4PX/3Ez/xE9f//uEf/mF+6Id+iD/0h/4QP/dzP8eP/uiP/rqv9ZM/+ZP81b/6V6+/f3x85Otf/7pOHLLZjVq1gTcD1ozU4rTDqoYqpVf+cqVS061ioJ+XpmEcmNCQkMDpNCQx0Eog5guRC7muGANWLLUlSoEUF0qeqMVRYqRRKDlSo1r/tyadQqzLTpra8kjfPfTTrtvvd99Bnrt6+kGolM3euRqldhprn3/tr4QxlobmZxVjqbYQW0bQEL4YFWLLOVJqoprCuAuECQ6nPePjhBs1aM/6ERdmrB+wPRfHWJDgEO8QZ7Wzr/Su3uKMVb+uVtgshVpTk9ZmBE0cUTKBdCxfNq2U/nRszhv60YkOfXpd15VSGt7rMl3Y9j8Vgmq4rBXGeSRUr8vsGIjrCFI5ny1rXqFArWo2qwGAeggq9NEfm5ZHFHrcfGA3+qz0pkA2/74Ovej7ojspES0gzXR/PpO0FzEG69RS5845ht3E/evX/MAn3+TFy9e8PHxEkEAoHo/BNCFJZXMmoU9722XRGrSs9PRUCrlWjUuwIN4Q3MQwjYQxsG3NnZ0wAsGBMYGaGmvWCBSyVcGuaVg7UMVgk9K4c+nZSttzqCrBML1hNBhyLd05RSctK+r2LlYw3nI43EKtjH7kYi496NJitmtng39lm9kVdWi1XZm4VIWeTREohVpXUjpyju9Ya+RyXrB2wLmB9bxQssa2mx7nknliCjvMLqt7O4m3T5+zJmXSBTco9OfUyaU0ow4m/X5uTcjVXBEOHZyb/qzSdYQilKb3QBgCk5uY5xti3UObqDWRcyUvUKNFqse0cI3M2JpPnXWgNouR0KU0/fWlX390TVxNLMuJ0+kBY4UwBMY8Q9OIoFQS0l9rY7am2NBa7nu7lUs8ItbiwoTxDs+IM4bmDMMQsEa0aaj6mtaael5W6Y2ax40D83xgHGfm+bafTULAMPz/M08qpcSf/bN/ll/6pV/iX/2rf/U9U9Rv9PjRH/1RvPf8/M///G9YpIZhYBiGX/fnrTY1X8Rh8QQO+HCLG17xlC35ooy8VlGdUU56eLsRawwW0TG9NYw12EFws8B0plrtjixqsR+PT6zMrOWItyAmUMpCyQspXphGR3AQDRowlyIlrdRWiEZo1mG6OagTS3ADxjbEVv3oKJL09r1ei9F2EaIK841Gsx2sNHVxb91AR+QZNaO7wJeqLgAI1vquW9LnaUzDT4b5bmB342H8AVKrnC+ZefcCP91i/AGxI00MuSTENcbBK7PI9PQlaxjnif1+R0yRp6cnJXjk1FlqQrPK9GvX8MBO/afLA0p9Fnh2T8TWoFXBW6+xJ6VwPJ4wsrDb7fXcks7ks5Zahp56bBnmSeNH7veANilv3+748PCBVBPny4mUIt5r9IV3lrgulJxIpW3DXn+eljAMnfXViLl2ca4+341FBYJYqwGFTrt1kY3qqwfVWk49l0iYphtud4bXL19ze3/Pp1/7BncvPmKcD5gUkAQmVdw2kFmFysRZqmgeUWtaNGtR4XIpygLNNVEkw06jGg7hwDQEhuC41EdKE6zb4Y3HiMPYQJJMfHqiroUWG3YK2MGzGx3T7oa1RN48vSOXwlOffMQYooDxHjuOBNTnL6WCN4Vgg+5+UM1fbdquvbh/qUSR3LDlBMVhUGjKNAHj9cBtqU+iVd1HDFRz6v9haZsXpCRqvZDyB07pO5zLmXwJ6u8pBltSbxOFkis1F471nt14Q9hF1jRzXiYeHr7L5Hd8+vIb3O3uuZnuEHlFHUeMU0cHYzy1bbR20cZXRKNlWsVSkA6De4FUtXH1rhGcY55eclyfSOf3XJInniOX98AScPUG3w74NmJqQdrmM6mTfG4q8sWMeIkYFS30hqriHCCZmI68fVd4PL7jeHpgGCbm+aANR4GUKw2PdTus0fyt1hZl7NaFd09fcFpPxJy5qwVjAiF4nFgOhx2misbSZ91PqQ6tIFLZzQM+DBxu7pl2B4ZBXedLgTVmgtsx1t8eve//50VqK1A///M/z8/8zM/w8uXL3/Jz/uN//I+klPj0009/R99LAFMalj1B9txMP4CTV7h6y9E8ktuKiIWm+Gkuiuk6vy2/Dbn1OIEhI1PF7BplUMv/nBNVLhRjMfYtl+p4Su9wTqEpUFfqnBPr5czijMJ+nblVUqK0RnEOa9s13K1KIefU11GbUSyKs6Nz1MZmbqjeWLWi5nmvsf3flZCm0It0/mxrOuqnvpMq67OItVUw1vPq5aeM7NiZG+Yx4K3hax//EPW0Iz3MyOVAXRtvvvwORzMy2YG7vWOcR+Rmd13NqApdD8xh8Bz2O6ZphNZIa9Rpt/89tenP2t9Di7ky8JxYmjOE4LXjnEaFuGoj5bTtqFXZ3vO0qFq4NuZCMQmKxtKXvrCl1at90uFwgxhDSok3b99wOh41al4E55XoYG1BcukklaZWUjRqKrpINhbvzHUHoO1tYXOacMZgjf6qDvDa5W5kahdudNILjpt5Zh5GXt69YBwn9uMNoY2YaGipIkWv1a2ZNrLtxzqFvaiDQim6DyypqOyiKEQp1mIteONwo9fIB2cwxYNYjPPaTYsDLLUabAjUZVG6fmmYJhgXGAaHZeDGNjVLXc76vXJBvKOmQqkrqWZMMwQ79kiXqh5yPLtwuE7ZV+ePgh1GhmmHdQGTEtLUgd/QyJnuxlIx+A7DZqgGg9fgwJYocWFpq+bHtUwkUqQgziqEmKPel1l1kpUKGUqMvDvPuDZhy0A5GZwMPCxf8Orwmvv9Sy58k3m+5TZ/zDzfMgwGH1TcXDLkLknxvlPUrQGrU0U16pbuxODdQKgzVvbYusPmmXI+kU+NuhhMDNjq6OoOMFCMJRunOy46qQcwrSo60RtV5co6hSH7aF1bJZfI6fKe8/rIh6c3CCO1Gs7LSQM2VaCn7NqmDNtM5ZIvZBo2jkz5hkZlf9jhrcd7S1kKOenrWbrtl3FqmzbtZoYwMc+3OD8gxm+gBNarF6Epm+zkN3/8jovU8Xjkv/yX/3L9/S/90i/x7/7dv+PFixd89tln/Jk/82f4uZ/7Of7ZP/tnlFL4zne+A8CLFy8IIfALv/AL/PRP/zR//I//cV69esV/+k//ib/21/4af/AP/kH+yB/5I7+j5yIVTAHHjmDvOQyf4swtUveIeU9pEScqiKQIpVd5Y7wK2aoekFUKhKofQwN17tD4cVkxxpLsA2sbOOUHdm1iQGMgqJUcM3G9sHhDybYvU4UaVXWdm+B8uRIumnQfL+lDRu2R9bJFQugMhzwrcdReiOcRSUeMK4FBP60qfl4KtEwthbhmcoqUNUInl7Q+Ud3dvmIKO/bjgcgRI41XN69Y7hxPd/CwQEmNh/M7LmbgbAK0mZ0UphI1VwcoWYuE6Sy7aRoZh4EcU58wNnacGv2aHty0Jd720tsTi4XdbkcYA+M0UM7KmipRv8fVykpxj860LJj+GpZiMNXQqkIRWxgmQd04pmnWTLGcWZZIyZVyPkNTBiIYiikgWV/H1L9GadRUsV61cLgOYdatWdhEq+pn6ESd9V23vNGdik6UPgSGELjZ7Xl1e8fNbs/d/kYzoKxBmocktNybEOkRIUKHhPUa2FZ7JWmByjlTS5/wWodMrcE5o1PdqDsijCDZY6gYL91CqEfWFLDekVfpU3g/AI3FDx5nGzvTEGtZc2JdOnxmO/M0J0pKymYcA832Lr8qtX4YnLLkRBAvNKPWQLZ7AVqnu0apHeYVJQ1sVbr1eIdmhs5W87SSKbWw1JUoCc3zLWQK1Wh+mgmNinb8Ma96jIsycVvOPK5vsHXAlMBy1Onl8fIll/iOc3wN3rKPF6qMNAZog04k7StoBQ1rDca2/p5lhSc7/dNag7MBVyeszNiqrjN1sdTFUOOALV6JPdKj5YFqhGJ0alOjIem8UZ2eqvTrpNulNLbM7m3/m7msT2oRlgutTLTmevOIPt+tKtaOdtRGKyuFhs9nUo0glXkeCVZ3oQVtiEpVcwDokL9zjNNMGPRDAxu7p6SgLh9VHW9+O4/fcZH62Z/9Wf7oH/2j199vu6K/9Jf+En/rb/0t/uk//acA/IE/8Ae+5/N+5md+hh/7sR8jhMC//Jf/kv/9f//fOR6PfP3rX+dP/Ik/wU/91E9dIy9+uw9XRnwxvJh+kLvxW/z+b/w/SafCw5snxF0o8kgR11/wxu3dDu8NtSrJodUB76GElTxWmtMQwHgeKNVSo8UUdYOI7YELjiNv2beZAbX8T62xHiMPD19yWt4x3UxMw8Bu3nF6fCQuiWxmKMJ+OuBDw3nwoXsHiqro1eNsO303lhgg9rku0Sf6q3hOnm2G6sYS0/1bV4oizWF7oqdSblUz5awheEdyC0s48Xh6T1wjb36+8uHblsvnA+1YMcUSXKPkhWNZWNLCcL5w8Zb7l/cc7tT5uDWIaUW6oPfu5g4rjvWSyFkp6ds+Qe+fjQCii3/rLbubHdM88upTjYcQKxzfHInnyKkc+2vyXCCOT0/44PEhsD8ccE7IOauYusOI1hisF90HiVonTWHPJ68ngpt4ejryxZdfElPUj3Ul5wxcMFIwHWqC56nQBo912gWWVDuEqRR7I4IXy2A0Adn0iae0Rhg8Pgy8fvEx+/nAR3evmYaRwfueeUVHcvUNz1bhrSbo5CiiTh99JMtrn/aSHlauCYLTYtZj35tUwiCafzSprIEq2D6RuG5IW4FkCy1AOAQNVURhKkpGalYnC28Y3Yx4B9b1a3zhdDyqpsx5dcmmcV6O6pEprqMFwtw8wVmCNXjvVRBrBG8GJjezv99RTGL5cOo7Kc0D26aFgte4GZnV1d9ouGgk8lQiUQqrMaTmKXgMSZGUFkkVajU0E3Rn4rXJatJ4Wj9Ab2azBcGwiONy+oIvlpnvnN5yM33C115eeHH4wM30gpvDjTqV7yfcEPDWkmImCySj7lhiRdOkcRjxOHG4bAj1hna2XL44ks9n2lIJvMaLwxvDMDa8q6y5kJMQjVeYtFWCZIJUbcD7DlvbW0/jeadda6YVnUCldRNkq047ghpMi8Zma0oz7Xo9V2k4i1rDTY6wC0y7Ad88DkOrFSPgrFWtmajptB+DepdOCiHGTBfUF6zv8HgPKJX/UTupH/uxH7vi67/R4zf7O4Cvf/3rv85t4v/bh2VidDO3u1e8PHzEi5uPOLUTZ7tcD4daVQUv4hn8iA+WnI0miIowBUcbMowTxmUMBdcmSssUsu67eraOrUFV1CWRa8KFPVTwo1Vniksh2TOxjDSJPJ0fiUtGHEzzjlq6wwHb/gI25tjzC9i77tZ6WJrCCMLz4bQlu25Vq7Xnrn5jp237EWsMBocdR4WgnCV0fy1NxHWQHJIHJMLl8cT61MgXQ4t6s/pBs3mqFUqFnBrn88K0j4wpY4ehs930exqB4EdCyIQwQtd3qB2K2jFZo8SVwY9KNfeOw37PtJu4vbnXabMV0pCRItSxXOHNJtsEgy7tm8KBrdtVde8aeo2nuS4ZKN0Es7sfzPMeYxyVRkyJNa5cLme1njp5SkrkGHU6qIWaKs4ZQggYr5TftXZdXI9OaJ0tuiG2spUcMQQfGMdRDUSnA/O8w3eyidL0W3/vYWtUtsuj9el8uxBqaeQO7eWiIlcanahhroSiZor68DmDddLRybZtzzCdeKEQs3a3LqjBKrnRus1N3Yg7Ta9e6ezLcRwxwOl0VGZXWjAuINYhzqNasc5+a4ZSG7n08LueXFzRhsQFxzANDKsSdOQrpBV1r+i7KoCvwFoajKlu69K6z+SmU2sopJgaNauUUZsjZWBu8oFcMz28uhM7DYbKqvEEzOXMkk+c1weCG9UY2CRSGUBmZvbqOlF01mki4FB7KtMRBKPQvTSBYigrrKeihIncvTBFCTI6/RpSJ2UoBdx02nvXEcrVkvq652VzMGFzyOimzk1AFPrWz22KHIi+95vOr20EjMaVnHONnenyERp9D6VTuxKXjFrDuYBzXu3ARK5MXtMMpqM+113ub14qro/va+8+xz33+6/zzc/+Vz5+8S0++/hT3rS3vP+1D9gWMNVTKzjjcdYwDfcMwRPNQi5CyYb9YcbPluFOaCHSTCRxpkgh2+e8k0tbMMWSYyXalVUWxteBNjbEFn7tiy95OL2nnjPDEDjsdlw+XCgRdnNhmAdyfUllomG7ENhedynbjkHtcoTSaj9l+0XVi1Kr7Tpab4/r0Nz/jaIkeuEZUafi3XS4FoYtrPByubCUwqlkWgnUpfH05TvOHzLpCCUbvA2M4U7dK1zgw+MTpVWeHhaGcSWExBz0ohTjlIEnjSHMlBH2+5VlWYkxUWq6PsfBDzjrub25w3uvmpWDRnDc398TU+S8nJjGghfP5EZKh7RyUeeAoY7KYKua3SWiTulDGyg1EAJ4L2p6anReWFtUjUwI3BxuuL275aNPPupppysPDw9cLmeOT0+kZWE5nzmfjxr7cWpMu4mb2z02eIqyFYilspZGiaqgF9cTVb3HdhGwMbCfd9zc3vHR69caSuiHLvxuz9lWpdtu6ZqOjdW1MUQNuoOKMbNcdOrbICBrlAKuu4xN4mAYBquhd1ZIZYN8tj2dpkxL69owJ/jBInPTSdhUMLpDyKVhUi/EqPnyzc0teZp4PH7g+PDI2w9fMO93hHHk9sU9dEYaVWNDch1pzVGyZVmViapEBBjGwOH2QK4J+95pU1eL7kswSLUaetwjQDZYK7gBA9Swh1RY1kekF6mSUJumWKlRP9dacF71h53CQ6uFnCo5Vd3ZisMZR2mqZLGDQXzmUt5il0wpD1QOhCVwOk+8yB+z293i7AS9UJIb1greqkjcOU0KpxRaaqynyuPbQm4OwTBYjeOUJngXVFpRui8iWyabuYIobdtN1w0W7leL8f3nalfxMaLJALSIuIYxtZOvuEphWtOd59a0GOm7ymZU6xaT7lgbxLjo65nAiYrKh3HChqApwl34XrqbS2tA0QJYa+ts2v9BcN//TI/98BmfvvhhPnv1e3l99ymSLUSBJMzhwM2cITW88wzeY9uEVMdu2OHHmSA77l/cMUye+SZQJVIkKv20ZnJLbBSFNSzUVJEz3LgDs59x3iOugRlxJ4FS+HB6i4nw4ewIzRPMRBgtxlViOhPjCAbsMPQdVZ+UpN9WvQPGbm1Guw5Nncf6G3cg1+674XoxUv3Ec1ddUiPmRFxWci7klEkFWnHES2K9VC7vM/GpUtYuijaOkirOCuIt03RQk1RfWS+Rt999CwmGYWSep2tHN40D3llCcCzLQkq6N9iW5xadIA77W5xTqnZF93RUxfbHcUTmQvEZM4mm/5ZM7o4fqWRSzl2XsUUDNFLOvfPvppemd9QenHQBZC7KIMTiB4cXSxg9w+j168WVHCPrsrAualj7dHzCekcYApd1YV1XLkYhF4t60VkRpmHksNtz2O/Z7fbKgHOGaTczzjPjOOC8011F71pbPyRq7dRmaWA7BGgMpWc0tW3/lHqx7jsx05Hf0rtUa7qjxrYfaRqBlktTJ/3tUtouJ9FJrgG59Yj6viPcuuLrYSOwWTbRKsY6bu5uyURO8QNfvv01csncn++4vbvj/v5etT2tgRRqFbr2FWMbc9ce0WCYZoZlwYVRd6klKdmnVao87zdNtepCIY1mHFYKDodtFiK6E2tOd40YaBXfdFLx1uKtSiVUlqIThbXayOTcAENu6gLTjMUOFnGVS/lAOh15wuHCZ2D2BIFTh8t306urLivHqHuxWgnDwIghRoWU1/NKXQwuHwCn85DAFj2kVHzbm78ei1PNtfhwnaqvlUanLUAoSrKy6vJurPpUtNJIpbCZKW9rBP1FZQ0h2O6iro1SSoXLZeEUThz9I3ZSw+NyUvZnS8I8dukA0EolN53YqgjZWKRmved7TEfrTeYxnX9b5/z3dZGawyvu99/kxc2n3O9fUteGFO245jCTJnWdDiEwDSPeWJw4dtPMHG7ZDXe8vH/BOAzs5oFStdtfmlKEMwlMpZnG6i6UnMhuYZSBQXrHQFVN0CBUXzjlJ2opSG3cjjfIYBSLJRPjQowLYg2havKtjurqIWhFaL2o0Jft18f3nCj62LrArUD1nrvbt5irZsl0DDnnTLwklkvsS3Y9sGo25DPkS6NcGnUFkqrYTWfXtT7+h0H3Dc1mckyclhVvPfOcCN71MqnuD9Y6wrBnHIOaetbNJkkNgA2G3bzHWIMxwuly7E4aaj4ZvKMNgWYdXhy1VHLJahTa3ddTjMSUMEkj7GOH/UopiCjmHaPr42VnXQnqu2g2aMxgnEZ2D6Pvk0nVIr7Gq4vz0/GJq4LqwztayThjyP21xlScMUxhYDfOHHYH7u7ucN5jnMGFgA0aG2GNuXbD0ItUZUtRR2EuesqvFq+WGzk+Q3y1bNAgV0LNVZIgXUdnniex0lRrtjnPK4y3deTPl1KpVSe7rxTJ69dvjU2ZuDF/jDHMux1LOjEeR47ffuJ0fqKYCy407l/MV0iJzqprzZCK5ghssgMauDAQhhHngz6PWq/wZEWd5jfneR0+nydGQ7fvQYuMYDr8p8XNMeCwBKMQvhNDQpOcQUkc0FR03EQp5sbQxPZ1VWaJSs83FV7cTz1gdGJZT8S14uSABMfg6Ad9DzUUg/NqG5RjJF4SJYItmryL6Gu+acw2W66rPRfCswnzs1/eBiqzTVldliLdPFvRP4FWexSQFvztfdT3VBsQYwRnHdU0jFTWqLvkdVVT68v5zOx2NKo6rkcgG5qf1W6/cW26a1PCR7K1F17Bbp1Rjwta4u+CZN5PXvwvfHTzv3E/fsaNP5DKyk2I3M+v+MYnlct+IZ4S4zCxn3eM00QIgdu7O4IdGOxAMKrq9s0pjJabRjlTqCbpi28r0a+kklj8GVs1bqI2SHnhFM8c05lzubC0RfUpKdOMISHcHt+zxsTpdOYurez2t9hx6oaw9nrR1I5fmw4Pbf5irXe4Vyz6enlp97vpq9T6pF1H8oaQomYFLUskLZHL8UJKX2GBVWUoSjH4Fnhxc48pjbYmFWOahnNyFTMaFB7wg+WyrsQSWc4fSOsTx6c3rOtKLpmbuxvGcWS/PxCCZ+p4dc9qV5i8Ns3KSZW1Zr788rvEHMmcmPcTu5sd1oFYq67x/RCtvUjFnLqDgO6TSrdkav1rr2uk1cbxeMTHFescQ9ApJoxDP6wbyyJapIrCQMbSc8Qs0zio3KA1XqYXxHVluVxYzkfKGjlMM7MNlGGmpIy3jhd397y4v+fu7o67uzuss2rsUzURueWierlgr0VzK1Ct69wU1u1zfNauteZKXlRsqexQc/WR29wtjHP6q+9dtEN3WoDKiZTpR7+ecn3uyjdfyNQKTXSayvrp2G330UMzRQRnpXv3CeO052XXyn14+MCbt9/h4f17PR9b5rB/RQgzYwhYM2CGicFpnlbK9HugMs4HcoXd7QvywwfW0shV+v7JqaUSDSNZAz+Dfv3cFo7LB47rA5d4QgWlhobXwaMZJjngjCc4p+LV1qgtaqKBbKJjGHqTYE1AqidWxy9//jkWozNPStjWcEPm5d3HzNMeUxymWo5PJ3JoSKEHg+r7WXJmjYvaDi1H3n35lstjxOQdwYwgBTEXDYh0PUm4JxbQoUsRfb204Gw+kiMbztfYCmJRA4Nr/lyjmZVmK2bMWDt2lMRc958bBDdNO7ZdXnr3nhgTl3TmiQeGEhjE4cSxPq5YPF7ClQafUlKhgECWRpGmcHEXJFuVpCOIynZ+N0xSo58JMlGjIdsKUXAE9uOBcldZQySOmeAHpmFiGEd1jQ5zn6psn3xVA6Mu+A1T9WLQRZ9iqgaLrRVTw3aa9MZGE0ZTLcSSWEskl3Tt9K2sXZ9V1amBTT2vW2htUjtDJ6umpLbW8dvuLt2XrRuCK/JcpjaUYOvBpGPUtTVagRwzJWt+z/bfbXMF7b8K2kEZUZguTiPrbmSJ6ihgbesL2+fuzBhwRmjO4K1gnRAGT6160z8+vuN0Mjw9vVPnhxAYhz3WerxV804jSpcvORNT4nI5EnNkWSaGyeLcjubN1ULqagqLHt7GW5zP+Oyx3n2lSDXduRh73WNJB91zeY4Z2RqA2hq2CK47V4h0FwN5bgZEBO8crVSqy0xhpI0Fc9N3HrmxnM4IwuAdwTmC6xq9bsjJ1vELV1Pa7VG6zuYZ0dWKvD0/1T61btyrs8V2HWx7BTFabLe4mM06UIkA2sEKz1lXm8hYkb5OPd6mlj7RbdvP2kDq9ZLrz72TGvr1a20g+B33d6/0+o8Xaobj0wUjZ3KCWiacs/phhiucVYpa+jivnoTDNGDOVvWKrWtwrOnoaFVWmlGK+ZrPrOXIOT2x5jOFpHAW9AwrJVZ4GXDideqV7gDePzYE4AppIpSepNBqIZcVA3iAkrCt8u74BjGW2/1bds4x2EBohdIStUaMDBoTg3ToLOlEslxYloUcVev1fD/rFGXEXj+23Vrrwar91advjQDX34zn6wLJNMk0WcFWxDWsV51krWqEra47eh3U2rp+UjS1WLjeA7Uo0ySmlct6JpW1v91bqrEmHDcqKSdKv1YShSKNaOs1hsa1ep3CayuU8j/IBf1/pscu7HFtZHlMmLMwiMG3kReHV9y6e2qqpEU7TmPU101ESQnSMpTcWSoCHeIi0wWYiqM0U6mmdI1Fo2anuwFEffNEnaBjTlziwnE9KdSEgfVCzYZ0mzFW2O1nhkGFcNILlLWC8x6aEGvs9k3tyuYxG/zXH8/F6PmxhedtzJtNL1NSZVkiOWbSErU4VY3TxmjnLFRNBXUGhS4LtIRI4vH4SGkNayvW1r5s1e7dAIPXNOBh8gzjwN39LY9PjuPpiZ//xf/M+XzidDmx38+M06TO2uOOm/09t4dbhjBQkgaxnc9njsf3pBw5nwP7m4EQLLYZWjEd6um+eHbD6XtOUCmMOVOq7mtqJwbkpASRdV2JafMUi+QqlKZ5N9YqicJ7y9SC2s00R6rb93sWUFv6Tst57uYDOzfAvvUcIuHNF1+Q1ohFCFZwAv8neX/yK8ue5XWin/VrzMzdd3O6e+69kREZQFHwHi8pBiDxHoNHK4qUGAApYAiIfwABE5CQYICQYMAACUaIVgJGDBADBAPEADEg9SigaIokIzOjud1pduPuZvbrVg3Wz3yfoHgQKVVKhHJf7bhxzz5nH9/mZr+11nd9m/V8otTKvC7sD3um/a5rYIQNmFFVSmlPDDqeDi1tauLTYuxCEyj3zmTTTHXUZzN19d7htrNL6Awr23+aTdEH99TWq/RZpYGZBUujObUYkdYofYfnvFiBF+mCapONlLLtdYQf+fR/4vrqOfP5TCorD3cztTwwDJlp7xjGzDBmDrsborPMqrYUcj/YXRT2N3v8o6dKY20mnxhj6AcoiG80EkVnjutbjusd786fU3WluYTQejMQCD4yhImRfU+TtkLXqEYwavaTm+2WTZxbsnOr7VKpjfrR8BQcje+8/Q6P85mmka9/FHl+NbHziSbOrIvcQAiBCpTWWJeVh8d77h/vOJ+PpJSgCg7f7dHMH9Iy4OIlSHKDLvWpPWNjLyJDf2WbEW8DSagkcDNuUMKoTHssmSFXyjFQcm9SGpTSyLkhYmxc70PXEmZKNcPcJZ14bI61vMAPDj8abDr5iPPWzC/JrLhKayTNVFGz5BKPU0euwZiNCj6KNRM/wMcPdZGiq8xT8ThRijhqKtS10daGVsU1w3G1NJKsfYFccVpwWpBqsEpLauLJAjGELpxtNCxNspI7fdaKgoqyOiWz4ELj5vmeFG/5YgnMc+a8nHHOMcnEbpq4fXbLxx9/zLC7Jg4T4zSA2Nibi+2koo84JxdfOG2NvGaD/cQ9dc1bqB4dMusHju0olLR0MsGaySmbYDXVjgs7orcFsvpO3GjFlOKijLKntEJtmTUncrF4BJu8pKekgrS2+dNQV4XoOExXTNPEy5cviGPk7bs3/PS3/jPLurKsK4f9S1Tl4mouzYIZY5y4vormCkDj5vk111c3BB+JuwFtwrrUDmls4si+T+s7izBGAuBKhtobidr6FGVaENOD0CF8pdXUI8wrTbs4uzZq8IQx4vyTY4TQD65SLMOrgK9m/hm8xzsrTOqUNC8sp0DorxEx8+DglOhAWkEL5mOomxf/Rpzo+xGFlrrnZGlo6acnnUNNh/gClggdLFIhxM20+GmV1LK9z7UU0zJ564A3mLEPRXbPYbufJkoV03dpP8h9s4Lo3Ebc3mAmm+ScepyPHA63iDhev/oGb99/xdv3X1LKAy6cmdaVilBVOOyvOBwOfONr37DCG5QqK8TK4ZnjZo0kGUhvH4zRyGo/v1ZyuSOVE8flPQ/LVyz5SJYHXFCGQRAJCAFVIwB58ZQ8kyq0Uo3t6ZTSIViLOldKtU+Uy44IJxdZR5NGpSA0Sp0pc6Z8ocwZXtzc8Us+qtyM1wzyDIneQBc/UdVIC4+nI4+nR+IoxFXwQdlCrVpTJJgFWPCB4IP5BvpOYJIuX+kYr2Iu9A01k1vpeycqPgjTYce4Bx8VdYuN6TSbmpsynxc2KNHeSMfxeL7cBbVlvLcdd9PMWk4WcySRw+HGBPStshb7PrlC7pBxUkuYVtcIElEJRB3ZGrBcEkt9/IGO+R/qItXqSs0LWUcczhgspVJTQ/O2vesjfKvUDoOVUhEteM1ozz0q2QS/2pQi0RobUVrtkcdqAXWt2iFgD3jDhcYQHdfP9pTxhv27iUJmzv1g9AZTxBCZpok4jvjYJ7pWyaWQszHQrg/XdFIVtS/Fay2dBKFPhcr1bJjehavqRRemTcnJ2F/rmqnZpoqNtIB02q/zfZqqlGpKcSt+AzEOnXIeOwS0dXO+01IFIeO6WW8rQBViGNkNO9MmYTEYX375BXcPhZQTTrwdGC5ikrHWpxWPj4GbaBPetJ+6FsVbGqwDpPaj2Y5027HUy77OB+voVdSEiX3fJk7xqzOotdKvk146Z/vD1otWhKygPfbAB49EPihSzYpUrlAsS8s5cJ1NF5yQUYtbWBdmZxCa957psLOuXS3SwBCacHn9G7R3+ezLZcvvaciGA/LkJyCbrin6S5Fynn4AY5OWA0qflJpe9gf0iaQPbv2jk3W23VifrOiQo9MPWBZ96vtwpy9qcOkwTKgqNzcvOM1ntDnmee72RYWlJtaS2c97btINL57vLoa8OXdih6+4WAhTQ/1q7t7V9i0qhbm9Z06P3M9vOKd35HrGhWR6sCHixQhDNIPMRB0Js0wqJSOeC2lDdWNG9qy2uu2A7Xri5MlZpCcmQKNgBJZyhBCuKao8u3qJ08zBCepHYsMc4LWSWjZWaF7wQfABfNDeXNZ+6c2z0run0EzXne7rBuz3cwDdwl5sLlTpHYdTxDvi4PFBcb6RijEqS31yyMjpCWWS7uSRUupmsYUQXaewK60WchOKJlQqcfRohpYruSZU5YMipaQt9Vpab5YU3eBLB7WtlLL8QOf8D3WRevPm2zwv32DoY7FU65612BhPU9vD9PwTY/H2DjytaLJ9UdNG9WYyK8Hha4fTqtJyQUvBVROpeue4uprY7yPPPzrgdhWuJr427jjrx4yvMl999RXf+bnvIWsg1oH7xzsckZLgxUefMu72+GHmeJq5fzixLCsxDnzzR3+Um+srrq6uKEWpRcnJipRzQgzRlt0XhtUT1Oe9oxallsbxuPRAxGLsPhcNAuq/f/PSC8HTNOB0tJtRW18ijyAjzu/wGhEXiGHPEPfgJkyn2GjO8n+WNFNToOXBjDxxPL95zRAPxGHPl199wXk+8+r5jzLGPeNwYD6eWXOlBFOfO+eY9hPBB0QH1sVT3y1MOyvytZU+PXa7IDG69Zb3tO1ofAhIa4gqec6UvHI6P7CuiVyyQTpqEOFGr94NG5mjsZ4XVrWDxSaTYBR5cUQHmgo1ZdJxMR2PJJw3KnUtC1ozLS/cvz9z/07Z7Q3qvLqeyOuJUmb8dE2cduzHPakWymau24clCwmEsma02L50I2mF0McjB3EIhOgZRm8wXBAqRsvePPIuAY9b0dFG69Y3T2kwfULytj8RL1bo1YHWzjTdiFlKzRWpQCn4aH+3D47gzMFinQNDHPnap19HRMll5ad+5t9xmh/Rc2ZtM0ubiSFweNhT25fEGPHB8/79vZk+izCvK8uauH+4J+XMklYqmSaZmXvWcua0vgc3I75wdYjgheoSXkaEQCSg2ihaaPGR6hJZV9vbhWCiZYziL7khpeGCEQfE2W6nudLtofpk3IMHx10AraxN+Wr9WR7Le5zP3Ppb3vIK3AvEXbHbf4ofAmEMrOVIbZndwVOaJyWYz5laDbHw3q5dCINNVD1N2vmAtMymX9rMAJpbreloxVwcvDAOB3CNdSkcZzMaPp1PtFpprRJKxbUtiSEgrhF644szs+daMyH4vj5ouBZQCqnNZPb4yVOwwMPzslCrWhFrauesKE6U0RkU2AgU19gy1jSsGD3wv//xQ12k5vnIsjuTfSJKRlPtwkR9KlI5UapdzG0ULaWiaaVtRQqFIJYoqp7SO2dDiWwUswA+YRg9u/3Abj9yuLpCxmxsnn3G+8Yv/aU/yu3NDYfhivl9Qc+ew+mAb96cjo8zpSjNJx4ej7y/e2BJqY/3cHx2y7ObG4Z43Rk4dgjYkr9tg0T/2Bbftt8oyTDnvG67rQYu9EnMbdQ4+xZWrWzD1XnQ9mVbcIgEK25OoGPkzgWDIsV8+i4Le8mgnlrUWHLN/OCcRAY/MY1XaLNiqdodqPsQ0/rOo4lNgIogobs3NI+TbIcGW5QJl7gMoJMALlzH7qThEG0kMWFsLplcE7maXsO0NTYxNDFdh6gzxlx3VbBr6cgpG2VchCJAKbRcyMtKrZmqi8GFFNbzTF4T8/Jo+7BaKC1R2sr4OJgvn3OMVRgbDPtMroVSG2Vj57buYt/UzHfZMoSaUdM7dGjJuEZAcN1hQ6VPWR0W3a7M5rZlqEEvVr4LKi8XDqjbqsssuhzbFCmXQndZtqua3sxju5Su1xFnRr0ikdZ23Nw84+OPPuHLt9+htJW7+Y6lnkltpkabyE/LHRMTgcjbh8+Z15lU1n5tzGOxlEZOzfzipFLiQiOZI4tv4AyG02b3FL2R8hI77b6hriJSca0ZVd3VPgpq7/Y6JOx0M8OwXCupl19zridoiRGFggwM7C0SRhylrMz5zH156NPYStEdY52YZEIcBOfxcSTFxBAHkhgr7sLo3UyJ+85xe36lbe+F66QPNaZff/0b4SFGc+PIVZE24DVws9vZM6Lg1SENWwXUZjEhPQ1CnRVhFTUhLnZv2X7PXeY2m46suSmtUaqSq5o8RA1KtfvQsWl2+51jE1/MEP8HCD38hf44nu847x5ZwoJnoswrwTli8Eg//FJaDVIrmTVlSq2knNGUaOtq+h0BN3qGOhKGSOdWEcQTEbwTxiEyjJ7DVeD66sB+v+P22XNqWDlRcFNmmBz/y4/8vzg9Lrz92gNffOue89sM3x5o2VGOhVM44s4r51p5f3/HV+/fdU2P4/37L3n+7Jbnz57zjR/55Rz2N1xf39rIL0LNJlKlaefxcSlYKrCumbQU1rPFoZuJ50ZPDj2grRq2LUIIvSA117/WD0l1IAHvRtR5EH8pUiV3ho4fur6p4VJC1VNywwdoXqAIrXpokTEcYBxozZGbUvLS4UdjEF2gLpRgfORuleRpteKjJ+6Gbo7bi+3l4DRyyeawcTEvpWtbaKSSWItR48MQ7TDt3bKiJK3QhKCO2GMRUqevqyqxk1ccirSK1ELtRWquJ9aysObZiDg5cXq8I60LJSWWdM007ygt43zE+cjVrbK/boyHa9bWyKq0LfW32gHiGpgFrF6iZpBmOroYGHcDcbAJGU+H8Z5cBOym6Iw+Q8kgN9QJrYmxYb1BLxdXgmoszuD0EgOysRDlg38U+i7EJipBaV4uerc4RkI0GcSrl6+5ut7z1fvvUjXxvTc/zVpPZJ1xQVFNnJYbCFcMYeSLu+9w9/ied49fQi8OjgE0QB2N/SjKEBriKsPgKWKas1yTLdlapVLNCSFs3oQNDRmkGitVt18tXJiyYiJXSziwH9wo4Kbb85hoeisah8OBye84hFt82ePqiNbKkhbK6cH8D+UMbk9rB2JUxknwwXYzdWgscWF2C1VsegzdEBhvVkib635wAc9m0mqdlNE9bEcp3bzZe2EcdtRWKVmJOuJc4NXLT8xk2AWcswyot2+/4nw+83h8ZFnOlGq6UB8FP/TsMoxIFvoZQM99c9K5HtKt0qqSS+2vpxo0LI7aPSK1+5Sqq1S/4ncrTeYf6Jz/oS5SzSWyZHJbyW1mXWfYpqhqorWSO5zXGrlWm6S04HzFj5YXdWH/uYGg0eAdZwasMTiCd0xjJAQIg42zy6qczx6GEYabfgjMnN/PLI9KuYtctU/ZR0e8MuPJeU08Ps7M9ZH364lzXkhl2dAWTnOilDMPD295uD9x2F/z0auPubm+5urqinEYbS+l3VlA1XB3zKWgLAt5zuRltsI0RCs+raLBm6edOCRG8A4dAtJsKS61sbmqN8WgHrY9lVin5hrOW2Cc+NYxdMUH6zBLXQlN8A1yqSxL4nxaSYvaDmrq1PsPbJ3aB6yBuigJSGfD4qP3MAbcELh6ccu42zFO0Vyf4YMDuR+fCuRKcz3awpkgOUwDwVW0gITNkd31aU7JWhEVBtc4TObyvN/vyGtmPa/UnA0q0R6MVxIlLSb8xjrn83ri4eFLSjqT1xPajeLS+ciQJzKJq8NzdtMNj3f3tKJcXT/DHfaM00RS19mjFSlqUHMy9mlZV4jgghB20ZwxdoE4GJRXurlwbY04BBPwChf3tu15SKfZ0otDsNBKD7XvsESgarXlelGkKq4pUruw1bmeUttlEQBaEa39HgN1nqZ9MlebwIdhT4wD/49f8Wt49fI1pWW+ev893t59zpxPpEU5LgstBCLKQz5x0iN5POF8xrmKthGpI04Cg9ihG4PRndeakG4lVrI+sXKDVdjkNk9HC4KsYhIM2fZq1cSmF2sh+9P9njJ2oFkR5b6/qr1RhHQ0Y9bRe7yMeN1ZKngdqG7g6uqKadjz/DYSPYS64POAbx4fduyd0PaBfFZmTqztvUHf0fUdoye2yOAjk4+kLS2hP8cqdDKETS6ghlRka3p34cDLZ6+5vXrOL/3RX0FwEW1C85UmhfP5yLKeOJ7v+fLNdzme73nz8AWpLWQW/EQXoQd8ibgyWCPsVzQ1okzEKaI3Si6NeV1p7Yy2FdHVDjU/oBop6plLJnHmzBs0vGXx73+gc/6Hu0hJoZIoLZFrYklzj4W3BbeqsaK0H2pVN8fqBs58rbxEK1IY9TOIZ/ADwXvGIRCjN1PR0QS24op1ogVK7ovFMFKSpzZYayY9NtrsiPWAY2AchUVXS/E9PTKvM8f5kUTtVkBycUmodWVdz9TsOO2OKEopK6Umbq5uzMlBXCcGqFmNIIjawr4WO1CNfxUuQuHN+kWdWLHy7nKQO31apCud2XTZqMvWStsqpNsNSseRzOfMFqOtbQeWNQc5ZVKy5b92Wi+dibTtQ7bDQtRYV9qU0syOpnhHXTxuCLhxQMQzxLF3ZXpZegNPy3zth46pjnHeE8eRooXKdjr1194nuNoqVaEagwIfHNMQSeKRoqTac6Xak5DYrHrs/cs1s5aFx/N7UjrR6gnpcEzNmawJNw8McccQ9+T1jHOB5XRit9v2cNL1K6aJktLQvDnIV8LocdGW4XHwxNFfnNjJGx30iaaPXaL+Pto9X1JGO6lk6BeucwkBY/JdoPL+qd1EULeYmQuBp1uRbr9PzUXC/rwVKZFN3+Z59eI1ITg+/fLrNC0sy8x6tGdiWVdkiBQHa1vJJDRm1CfUmbWZYbPNiCLe43zphrfb+7lN450c0yfBus0bWo3JR7ch62mRje3/2zexpkcv/60bFtrvL8Was6ZCLhXvGtkrY7BGV4szyFwcwziw30/sd9EKfN0o7+BaIPqR3UiffDI5dR2d9xdo2NYMW9K1vTSR7e7qzcDleeyAWrPdefSRm8NzXj17zScvfgQvkZqVEsyJ5/owk/LMvDzggnD/uCfJwik7Ws74SXFRCKPgFkGq65Zh9kxH5wl+Yjc5Qm3gvBF9aoNaaOKp3lOrMZZTzSy6cGyP1Pyepb37gc75H+oileWRub3lIT1nSZn3794aVbf14lQVrRXfWTIhDpcbwAfTK03jDicG8bgeVz4OAzEEpmnEe4P7wPymSAEwSmhoA64oZS28f3PkcX1DakekRELe4U4ezZ4ajfkyr5nHMvOQTjyuZ7sRo++FwQ6PzvTmNB+Zl5mHxwe+HQeGGPn4o4857A88f/bMhMjizaRUjaWn2XKUXLDl98aUaGoiV+l4t+0m6J5zVoic87Y03fzxesy2MQe7XqtDqU6E6Dp8KM1YZV0Ym0umauU4nznPM/N87hkz3swrW0MrlwKhxf5DgNb1XWXN3RGjMZeEOuHw8J6PXr9GvvY1djcH03HUQinNFrOuO0SrdlE0hODZ7w4MMfL+7i2Px3se7u975LWRE2y/5WjOo34lNtBd4fVHr9nvJ+T5Des8myP6slDyYmmkaSCXlXpeYZ1Z0jvO5S1LeWDO7/sEquz0mkH3tDPEOOJdZD3DeV4pTfjGNLK7uoJSabkYPH2aKWumLAnvzYV+vN6xO4zcPNsToyNGZ/53TY1U4iB4d2kiFLrWqdGiJfUe8xm3mmj5+uW1zQc1U9pmxdSto9giQqzoa09MtiYt4IfYWYpbkTLSRcMaLeOC2jTQaqWUxn5/zTCN/H/+3/9ffubnfoQXP/eaf/mv/zkP8x1fvP2CQz4xHkZyO6MuEaNcFmq1ZmsiY8YPFe8L1c0UXUicqSSUwoVJ1vdzpdua11optZAkWXacLWVtH9ttsXyInYgt/d5odp90wkTRbFC5ZhOn4inpRBbA7xgOt/aeJJsuvWbiMHA4XHF9fU3NynpKl4ZPUeIwMEwjczriI7TjzDQe2A17Bm/kiSCO03Ai+mivBQXpHngXu7JuQus7dLvFgvSY+sPVc8RFWnXWNGajrzt3xeR2TFe3TOMNSz3y8muveHP/HT5//y3aeER9AcmgET035nkl1oXjMXGzg2kaub3aowJFM2kdKXmi5TOlKXMV5qWQamVZH1naI6k9oNORyi8Cx4kmK1lPaLDOXP3WSbcnfL5TOIMPDON4gTti9MToGYYRS+8FoXu5BQ/e0WTrJg0BdoAXfxHbtQqlFs6nM/NcyEUIcY9WIc/gl4YrFY3CXBOPeWauK2sz9wE6jr8Vg9Y1Nda8mcq+aSHlRimJt+/fcDo/Mp+PXUvhmYbJFpgKo98RXP95MB2MdPErmzC1/17dumTpDDBr0XrD2F8LfXrqhrVyKVb2vVrfA22WPE8ptFyEtPY9TEVPe+rQNwLI9jo2HY92f75tIqu10Ipyun9gN448HPYMuwFxsfvS9clG22Xpb6/TDptSMqfTkdPjkfPxxPl4NHPWnC80f7CdUxBHOp/YTTtaK+zGHYfd3vYsgye4gZrNWb2VSC4Diz4ylcCUhDA10Mwx3RGcGIVdbUpOatDuus6kxcx+790dz+8fma6uKXhKLmY+ui7U1ZhcIQbGq4ndYWI6DAyD6zolE+k2baiaD6EP2+RCn25M19OcFaGcK7oWpCh5XhkE/NinFASVrp1C6Msm+1T69Kh9X9gnpc2lok8zG+O0A09Py391ttf0A4f9LR999DUawld3X/LV3Wd87+GnWdJM0pnSFpoYg0+c7eFskClUXcjqaBppulBY++8zlwTc5r6xoSY28bTWjEHpDF0BLkXqQslXm0xEnpw3qjYuoTfO3CBsWvSIOkKIxh/0A0LodHdzLLe/o8tDnEc8tGj5ZhenD2wvuxt3Rnhh5Wp3zTTs8JgAVsQSq4Pbmrw+PfUQSPPCFIvH2DLHXOyM3tEsqNxAq3YTqLoeVGgIgnYiQxFP04hjwrnBiE9BaL6R64I2D2Vk7/adeTjhJJpOMtteX10zUsgwIT19N6hn2tnOap8n5jaxK4V5v+LkFwG7r8pC5hEZLDFVRrkctChIE/Pq8pEhDux2B0KIDIMtVH1PLN3U/R/+g5gzRe2HqohBUN5HfBgJfqRmZUkrbx/uOGumiOMwXZPWwnJaaOdi0UIeHsvC++WRY1lYWoZo0d7i3YbJXIqUiLOOryegllpoubG+PeNwBOcZh5EhmHHuBgk8u3rFfrpmN12ZmaNYvpAPgc2+xm0mlR2+wW/L8U5TvsCDnZKKu1CZNyhiExers1Fk03OEEExTgpJTpuSCiOt5Sd4e+oujqV4e4lr77jCXJyitFynthWp+fzbYIwZunt9Y9ES0Qlm7q7L5ydke0ftAWheW88Lbr95wf/+O4/GR0+mRnJJNR9U0KpcMLxrTODAMkceHe54/e8bHr17z7ObWXPSHEW2BViOikPPK0t6z6MBcA2MSTlJ4OL5h9APTMJggVxs7fcaazyxypiwONHNeCs8+fsew3+F2h+44fWadZ1rO5pY+Ba6eX3P1bGKcIsPQaeDVDhmDsKqZg8Z48SDdYL6mJn5uQE6F9HimnhPpeMY7iEO8sPaahO6WtWn8bHHfuqtHMz8tfLBD0qmjdCuvDXLyF1cEK3biXNfzWbOy2z3j008mnj9/zSkf+fYX13z5v/8s5/XIcj6TZDZatWRETIitAbQUtJ2tILcArFQtqEvGKH1ieJjusfa02O0e0tqZgb35orPVtAfTbzZY+qQ9rICFjtq9j3A5mKV5RjcyMDH6HV4iaDDHkg4PbntC5xwSHU69NUbtqSF1Dvb7A+Noa4Fx2LEb91akmrnLbEXKi6OJeypS2ouS9zal+21fGPB+IIYd3k84GSlFkGY3Qk2GlMxL6mdcQ6NSnaNUu79NJQ4qlTUdDaXJAy+vPmIc9+yGK4KMUIW1JGtKYmMIntBhbcSxd0YWEudZWZjrA+9T4C0Jn38RsPvEKZXMsI8cwhVUR55X1vNCaA6H3UjRR4YwME17o3qHaNg03Sevd/aX4ECMHFG6NY7lFAWkL/ILDSWRlzvWNHPKCzpE4hjYXT1DWDjHyrkulLWSpHE/P/I+nTiVlaIF34WrjU2Ox8VfzlwKbDLQZG4UG5NN6TBGbuS6Mi9HvPMMQ+/oxGBNdQqZnu0C4zR1OnGH3LZJpuc/iXKZnr4vkr6Hw9kUtk1V9nCZAr6ZtVMvUrkZk3JZV3KxDt8MhWxac7gLQ8gcHOplkqx9MoCGC8LgB2IMTxPGfObh7h2P98+pbSXsBszveVtNOJwUaAtalePDPY+PD3zvuz/H4+Mdy3y2360NrYXNv7BV7WLLxLLapPL+3TumaeLm6ppf9kt+CS+eP+eT1x9f9l42jdnDud+PvBqe8fyX/GoWPfKN+1c8HO85nY88Gz9C0kj+0oxOS05Ed0VtjjVnHt6/R4bAzcvX1vmXRIwON+y4fXZjrgGHATc4JHReQ2mkXC4aPzrLSvlg99h/LeCheSoNVwbS45HT+xNvv/sVV/OBZ/EG6a7jazKCS8lq0SzdA/BpkrJPS3Z1NAmktlBrZU2rQejBX4xxN2KK/XmbsExvtifuJ37Vr/w1PHt1y+en/8y3vvN/8O7LL1jDI24ojAPmguI9xakFVybz5FMczZkFkFNLj7XpcrM22ooUmC8PFxj9+1aYmFGrMdUabJqynl8VxSMScfhOVzdoWavtZybdMbJnkgOSIy0L1M2erJFSZl1WcslmrirWkLYug/G9+Z3GCXETh/1oSI0EMxZpXSjeIGKTfttE+wYTXXwQYxgtG0xsWvIyXrSNQ9ihzVFytQaonmkt231fIRUlL4VM5twap3PjdDTov4VGk8gwjYwv9nzt9ae82n/My2efICVYwrkzKc+S1/48QStm9aTBIR5rNgSEwBivGfUZY/tFwO4TcWjPC4pD5Pr6mhRHog8EDXgco4wEF4k+MAxPyvbazNBSa7lQken/vqQLq5o7susOxN5gQLPjyWhupLJStRmEODjCsMNHRYKn6JmlrpzXwimdWcpK0UoTtVgOgc09wKA5d9FlNappW2jda22LkbdJsajiqlyMVJFGyqnvGCzNtnQRbK2eflt/wIb7LyC3D/8NF/0VbNqjp2nr8skTrLMt61v3z6vVcnQsauBpUoUt81R7ppFeSBWX3ZyodeDBpjDvnAkLMd3bus74wZnWx1mOk6qANvPly5WaK6fjySC+05nlNLMsM8HOLNB2WZhrNQZkbYXS34uWC8tyZp5PXF8fAOX29pbQodHaTBPinME+oxuZXuyo8YrwrPLm7i13D+95NrymnR3v71YkWXhc/ytQbSzLQjgema5vETF7Je+DQbm7iWk3EEazMlKxCap0I93SCnRI0H6ofgirXg5jUYPbnHo8kZYhzYWH+wfUF8aXJlL2wUGLXLJDvu+9pr/TenlOxEPo00VDuwbNQdC+FJPLa4CuqwLbmXqHd4FnNy9Y6pHbm2cMw2BeeZpBix24XrqTe5/MQu3fzfUmru/Dtj1U71a2KbxdpBrbfla+H+6+HCT9W3aT3o1yf4G4MdTgKQzH/h3UWy4aAVHbB1uQnyDSCTm1mmlrT6T+vmetv07nzC3EY/CwU7GdLOby4VA8XV7R0xe2qdF2agHZDGnFoypsXqW+f601utlyRnVFNRn01zAnCq3U/vyULJQExWNWaKMZOA8SOFwfOOyuGMYJxdOaEDbYsGdQFUCbGc+CGPHQdc9s53B+wDPh2f1A5/wPdZEa2JOPDr31hN3Aq9cv7MBZM76ZwNDVjZljDBODAgyvNn4/PbKi6w3gCfKqiviIiiPGERcdGmFZLVI8zwuguNGxv71iPEzEw45UK7L35LhyXh754uGR87pwnM8XN28TXvYiYCOKiVa7vis3W9Rqbf1GFIY4Wg4OvoNTzsgOUilaSGVlSTPjOpnbscDqPNosUyt4sw+y5tgYgq1Dmhur7EMYbitAm6Bwg/q24mWPeSNEi4coNbMsc6eimp7KuWAHlqrtv/qf/P4TYgOHtB8WBuvFGJjC2Ftw+5QgzPOJSmFHNvumONKqUErjfFrIcyKvuT99cL27NncElJxWWjWdCGqH0eX1ffCSpt1ILZXT+ch//tZP8eWXX6Aoz58948XzlxBM6DzpLWVeqMnj2bEbr3n+8Ut+9EdWUlkpR8fp7YJ++QXpTknZtFaIWVGdzycyjeFwxfXVDa9evGTw5nIxHnaEXSDuDcMrtbGeFnLOpJxQsSIZxxHFGRu5f9S2CaJhLJ7YHLt4BbxlWQs/852fYXr0PAy3vPj4Y67dC6L/lOA629XpB4d7Z3CaUpZSKsE5xskTkie1wrwsMAhjMPgZJ0/vqqp1133RX0t32o4D0e25uXrJ1eGGw35Hzg1V0wOKKZMI0ff3/2kCv+xkMDgRNYueUmoP2DQ6totcTHE3nQ9tm7haL5gmgI09nqV1qzTbWWYqhVoTWwyG09DtwXRjfiNq1kvb5GZR7fZ85Zz70K4f5HlxiVzZok/GnkRgh7qwsSYHB9GbN2RVwaS//VYVI3K15mwXJQEXAkPcMY0HECMYUTv5py6IHFFdKc2McOlTnhOHtAA10tJIagMyKLuduabsvGf3bDQBcjGxuXOBaQe+CksLF6IMVbu2THDVCmpRpYpQ/QDuCim3P9A5/0NdpCLXDDxjdFeMYc9+uoLaaC7jquHLZNNCXFhgHU5TxbDlrZu+fFftDtEC/im8z4l1ObVY9EIrxnpy3jHEgSGY31xrxpzxMVAkk9rCeX5kycWiCCR8sPvBDu5N1e+FLQ/BoAG7qWHzFjN3WxG6pYlejnjTgWVSXkl5vRyCBrdBTgkNRgc2L7NejzqVGza6Mf/FIvyJAeW6uNCwe+3GzUYQcM6Sc1POrOvKttSVPuUYQPSBD4Ja17kVQDuFtkUzl52h88Y/3O33dlhQWNeZJpW4C5bH5QPrUshrZX6cqckcw4MXgrOQy5pXaNWsjHo8+zY1y0Yy6XCqHS5mkxXFknpP84nPvviCUhveD0zjoe9BAs7tiOGaQfaE5mhnc7eW6pnfnjm/r9TVkddKXhuqGecVN3hyyZTV8fDwAAqHacd0e8M0RsYpQJAnj8KmrCl3WNZZZ+19p3q7DyA/KJ01afBLZ2kOAZk8bRJOPHDKmXJ8x3o1M4+PPL8aiO6ACwf7Pk27dZSwmdUKGOxHb1yCw1eP9DTknAtBDSqkQ8TihDhY1862k+kJrjlV8tKoyViZNu13gbZ5ttuz4BR19cJMVd0c0bdn2JrKzcok9AgQH32no+sTxL3tnZoVCnGKeitOTWyK2XadhioArpiw2GPaSYkMGok14NJ2r/s+1dhZ0x8mm+qkR4Jsz12HLGq1EEtLY94IXBgk3RqtZESbWU55wW9Fqje2oRvQejdcoj2267flhrVWSXWh5UyplvmumqnNX9itqga7l7SaaUDpr1WEVoQWKhoTzWWaq2Y/VWxXCRVjKwZylg7h+04wsZ/FSGcOcQF1E1EOxF8M7L6RG3bykslfswtXXI3X9sY6czen2pSRUrYYai1Pth26QSEbhck+7FDe2Dy+F6mOSyvU3ItUf9icd0xhYow7Yhj7jW1FqkphbTPH86MJLjGPPVTQatYjKsYYlG7n00GMPvpjP0O36qnVNF9GiJBOH+/PZTP7n5RX1rxcipQViR4AqEZVDW7DhnpnixW+D5la20P04STl/cYExApkP8BCsNdfSiGlxLKsvfi6/vfblTVGWNdM9Z/JbdEfbtsrmOLfe3cpfk48++htUiyVZT2TNbO/3lF9xPvCcjqzLoXz44IWRZoQdyPBBYb9FTUn0EpKiy36u+mqNeFWPJ1YhL32axq8Y4jRYuKXme99/j1qU+Kw48XzgSEG0Ij3B8bYGN0BV5XT/T21OVrxPHx+z+kuk8+OPFfS2qhkfIBxGIy9mOD+7g5tjevdnue3V4xDYBw9RZTcY0habawpG+W4E2IstqTvDN3mHGJoweZh2JolJrsxwM7TDnC/3lHrkfvHmWX/yDm+J+yu2bsX7ENEq++OBz0e5RIZ0xsn7Q4HweObh2SC2LxmDNL19vWtyAUPDcraeq5ZJWshzYX1XMlrpWbbRZrLgpmeWhaUAI0mxs6zacT3IriZrW6SE4ORY8+lcjH061F7Ueq3fv+91W5yE7iqdfuqT/6OWy6wcw0vZuY7hsDgB8YSCTngywa7eYPekb7Dsuesti6A75Zj2/OlzdCUUipOxVzM6RB6s+VOyyvSzCUjeEfoN6c4c02JcST4aIGiTycYznnzJRSTKNRUaNUmwqaZppsfoRkB1GZU/7TOlLT2QmPfrRVjGdeoFElUyRCgrtpdNcyBPY4DVS0jSyVY0e0WVeZk4lAXcc4zcmCUXwQGs7E+59p/nb17zsgeXbCDsHq0p8+mNZueptbu+CzdKsXwXlGDBVrbVvCtOxA7vB/wEnHijWbZOqZeAq7ChGcgsmfP1Pb4MjDrgi+R0U+MPhCd0JrpchRH69ERXroxp9vyqwxXcd6DRvNZbgUyUDaDXPNes6Kh3VOrlyqFdU20ckLwlLEY684FvPOkvBr8QUC9dishZ0UPm16MUPHBTq7X7y2K3ruAuG5u2eqlW/PO07Qyn2fSulJrYRj3H1Dhn0ZVVfoOyv7b+8CmUtycDzaatfhOm232oFc6lZiMlmZU7aqkJXG8nymp0ZJCZzG1VHHBEXeB66trpimCGIPusYs7tyiN/urwfQdjpgpKqsV2kQrH04x89ZZShFI8V1dXXO0Ggr9lHK4YWrR0X265u3vHw/v3PH5HWc6CLwf2o2MfxRKip5GrZ9f43R4ZIlXNMePh4Y7vtsLd2x2f/Ogn+N2A20XWUqmlMcTJnAiGeIGO/Zbu2yHsptJZqA3vGr5aNpTeQL1V8qycljOrf08dPueUv+LLhyuOsnA7fsonu/8n1+Fjdv6GaRgpOObVdHPStNtTCaWCD5FBhJobWqCmCs5CAX239nHi8NsY9mQkyOl44vH+yOPdQl4aHs/N9Q1+1xgOFi9faiPnYozPmsm5mvly7dPSMBixB8foBovSaNWYjt7RnBUkQwqsKXXydG+XbPuUVRK13+cxbjvBAYmCdKcZIwgJu+GKwR0Y1gN6Hijz04+17V0BaqmdPLHQnMF2lr8l/TzojS4r6iu7C6oCrmRqKSynR2pdcRS8V1wDbbULfa2YBz8Qw9Cnacc4TIzjgPeO1jI5QUnJilTOlCq0FjHfg0apC4/zA0uaeT9/wTG9o+ZH3JBwUo3Bl1fqnHj7+CVu2PH6qo98TkglgW/40ePVE50h7U0rpR4J/ZH0LoLaji/KwOimH+ic/6EuUq4Egp9wGpHmO1ywQRztYrK6GUwCXELixLozJ0LTjQggXJh0uKdoDKQv1wUtYhKSZoYppmfw5ircPFqB1tM1nS0zL1ogoY/VehG/9jajv54eZ+gg4C3Pp1VUy6XzUjVnAN8nQu9gI1NsGHcumeA9Oa3EYHhzKdlynEoxhp3yQWzFB9MTXBbL/YJdAgala6Qu3bRcsAlaa6SUqPUDuLIzkdg+7S9B9ekXth2XONsdOC8M0V8ONGOIW4Fu2OS5CYtbbZSWrXilTC0Kar6NKD1egc7OjDgP47ijtkZYZothafXyOkW18wa2DJ16oSYrBpus68rDwyPH0xFzUI+WexVGMwQGoky4cqYtgbYGKOb/J6NNBrvdRNwNTPs98XDAD2N3P6/UbKafa59Igyje94yw2vAa7bp5b4aj28Ev257DOnEvJm5GsKW/b7ShUMdMmVaKrGS3kIczTgq1LrxdvkupjYnnuHFEQmAKEe3RD7Zb0sv72RomjHcmpdC+ExLfRcGdFHCBt/rPWEompZXlPLOcV1qCQLSk7VFxQyME0JaprVycSLYpaksqbnQ7o+4G65w3Cp/bigUX/8Un6UMv7H0feUEPCmiPmBHsXo8x4EbBDUIc6aQWYYwDg4v46qnedUiwT5eK6bpEjAVaKyknc3bx3bVme21q+r6cgdbI/snOpZVMLYmS104mMcjM+El60SpetI8dWvfOzAiGMJhWsFaKmhN9K5VWCrkY8Sfn0g1mC6fTI3M+s6QTuSw2IV18LZSqidrOHNM9O3lgbQuOEVzYFDQI5nTReio0zYgwtXWxfifxGFXf4yzn+L/78UNdpPTsYVQ0Ky0rKwXvzDczlUQrGVBE2oVKrp0dYwksNl4/kaM3kUn/fYWnEVyxAlQMc6U1NDjMf8ehFVrWnskmJn6TCfxkqwGttGbMJWPjOUQDTo32stG6DfpSvI8ENUZfFo9IoeZitkG1mimsiImVxR4AqwsNlcxaGu1oGPQ4TAi2B3B4pEFz0bzxREFK19m2pyJyWdJ1xpN3uCi40KGKWlCpqNS+C8uczgsgRG9UWrBYEdf1UZtIWFu3bXJmcuu9LcfDEC6w1Rb7Xpu5SszrgkojDJHpcG0iaFXSulJyg+J7wKVcJjPtGVSKJwyRIIGreoMLnlQLPiVzf3bb+2spuKraHR0Kua1GQlEzvc058/7uHbvdnnWd2e9H4jgQxyuGMBgkBExhZZTEYZgZpOBCNFcDH4hjwPn++Hfs/tntLTEEhhitcGrlOK+0ZaHcK6lHzkh19vsGC2X03jOOo+0WaYy7kRgDw260g6gURCqJzDo8su7esF59SZnuaP6IXGWKJM5y4tvnf8cbPuPx9MhH0xueDV/jkxff6B5tI+WcackmJi1WdPxkJrX1aAy/dF5RgaA2yZjdmKMlu7bnxyOnxxOnxyNfvfmSu+MdOyY+OnzCYQjI9RGNmeIKUh+o6cSyFnPkNmMYe0a0GZFji0S3rsu+2Ey43JL2XdRTYRUEz4Br5iru6opqw4viXf8cHGEUwpVjGD1xcMTJkI8QHIMbCUTybK7spRV8qzitl4YPL+RWkLJwPB0ZfKL4zBi7rtFZpExrBl+vCn6cicFZSnZbaTWzpPPlUbxs6cSZlGaIhrwApWSGYESlm/2VIRwIZU2kWjphqHZIXsi5cTw9kPPKmmYe5wdyXdG4ktpC0cKANcEuKItfWOSez9afZa2V5+M3ueFjroaXeBkQGq5mAmaGUAaHlErNqZPVlFzUoGnUDBbaL4JJqqVK8Q+kvJigTCwK3UujaurLS/3g8LVOis31u4tGVRXR7srQ1ZCCcIk1YBOY9omoa3myREQ8kYprCVcbKoWqhTVnTqlwTtuNq2zm97pVPG3dPM2IA2Zl2Yxg0MFzLz30z4sVwk5Nb2qpotqnpiEMjPuB3TAxxYGSC+fTA0ijtsQQox20Yh149CAaEKm2FOaJ4bexwjYYzIoUZrsSjaVV1kyuKyVnvB+MmKJySRGVbtrZMQW7/gC9OG2O2ZYk67pbglVpcwlw1Op7hLUxraRT0i0mRMil9BA3YxFdoiR6FIf6apFIvdMW5xiGHbXCbkw4ST1X6qlItWBFygeovhDEs6bF5Aq2yESB83KPuMKb9xNVEzhlP5j8YYoDcRq5fv6M++MJWZP9DOKoKmadI4IUiC0RLGkR3xmNm81U3Fmnqa2ynGfWeeb4/tEcMII3xmawzlm8kRjG/WAuFbsJ1Urt3ezaFt7MX/Jw/h5r+wrxCz7U3jAZIae4E4s23lVHnmfu0vdY/D2H8Jxn4WNGPxJdRFuxa1UB8easLmLSHoWL5VAV2mrstvP5zLosvHvzjseHR44PJqxe04ldG3H+BXsZQZaeCr2i9R7HI3hP0iNzK1AT2grRbxE2Cq7HmOhmdfVEknBqh7hDTF6gDle6yWsLSBtRbThtQALNFLXID9dMW+YkIEEt5FPAXNbLRQjbaLjeGG26Nbzgou1VxSkXjRXlsg/3YjA7DrQ21uXEKgVcQbHmKM8rrsfeBHEMPhJb7s0clN741tyQQQnYREuHfVspdg/06ak227GJa8TYvRBjxA9XpDqylPNl4o0h4b3FyqsP1EF4aF+honxW/xOJQsVxI9d49UhOdh1cM39FHE5jn34NihbtZ3PbIfUHKz8/1EWqro0SH0jlzJpXkIaThpcKzcZVOvyhqlDN1sQeMEuf1A4NbXYmtkfhaaGutcMMhou3lp/YbyIgnigFaSuuFdQ3qhaWnDmtmWPqibI9SkG3+U2rLUA3rYP3nT3V01s3Rpx4vANRR3NmB9pc6QJWS3lVgehg2A1cXe2YQuB4LJze3gOm6RqH0YoUwcphE4Ro+o1WOvNouy49ytpvUGQnknjzBdSmFE2kspBSwrvWjc07MaP7jGlraMkXloR2CNB5wcetSLkL1HdxPlChNtc1QUa9rs0eQOcjdGeEWovVwGpOB5sdjW66GdejKWioGLlgiBOtCtOYcBIvMSlscGp3g8cptWWiBJuumk1mADiY5wdKnYnvPErDBU/b7RmjRZiEaeDa3bK7e6D5mXxaqCp2XbohrHNQyopfK7V0EkKfguIYuTns7T4rQp4Lp/uZL777mQlqBQ77iRijUaeHSBwjw36wYrcbOyIAqc6s7cTb8nPc5++xlrfIuOB9Aec6WtCofqa1mZwfOaZ3BL1mYebZ+DU4OF74lwzOoS2Z88bWYDloYu1V6yQZUYc9huY+/vDuntPxyGeffcbD/QOPj49oLQiVnYxM7gWEW6oUSiuc2xnaFYFHNMC5RtZ03JSixnTr8DC9CGwFqkmz/bMKQcyAeYN0FYerEV8HQh0IzWB/KFQ9U7RRdTHWX60G8YmxhJ1qd9iv+A4FNzWTWmV7vqv9fZ0ssoVCimgvUP5SpDaYW/s+OM1nkp7Jeqa6xZqMpTL4HYPf4cOOwQeGGuxZQk2qUpW8JCKOUQLk8tQDd6eQDXJtqn0nXhlGAFtL7OpIqpX3R4cWaKXhg90j4lYIgRo9j/ktmYXP6v+BPZF7rt21NfkZJBhqFYPQxBN1IFUzRiiarRtsxeRB5RdBkTqfFt7rG+4fviLKgLt6ZjgsdEaQ75PBNri0frA3Y9fplhS5YbtGd63d3HSLUW5ajRXTKjVlu8nE6J8XJlWtvYuAdV25u7vn8Xhkns+EGM1ItWSjkaM4V7t40V6HuWp3sV+vDQYBBqKLECH6aLHPfYTWvlfy3hMI5JQ4Hht3OXE+nnh39456bZizl0gas00eTRlCYlRjDVk0vW3eUy6U/jpj6Gr8S0aTUHIhp8T5ZJ1xTomhU9t9ZxKaor6Ytxy9wIkQQg/+8w4fpMOTT3stsAepbrtENQy9lWoWMU2gQF3M8yMvqWvcOiyr2OvwJgSVzRmhAsEhBEJwxGi7KfCXRFTVfk90Fw3xZp+oNLwP1jV3yYEPwrLMLOvKeVlY1pVGgZevqdOO4BzBRcIQ2e93lNq4vz9xEYNugu2qZNWeopzNe84pLgZ89MznU0/1veLTTz7m09cf8eL2mof7e969ecPx8dHe2y4DCMEo6+JsV9Sadc/zeqJIIk9H8rBQhshZ1TKldpm4U8JgOxdryk7M9UQrjrvvfcE+vOCz6d/zo7e/jBe713z99pewi8+40le4HHHNs3c7hjGQr2yqF+B8nlnOZ07HI2+/esN8mnm8v6eVys5FvJ+sISujJRrXjBNoYkzJcThwHWb2beSU3zEkeChfsdQHJDaLXAGLsPGeNSWzPjJLSttFhoDzEe8Gah3NeWExK6SkRutGrJFpDbR4xnogNGGnI6OODDoY0UkEL54gI04iRUZaZ1k6r4graMlEiYxh4hBHxjDalNE6+7EVK6LBCFo+OLr5Puoy8/LI3fKWc3tPVbNVuxpvOQy3HEbLAqs5UWqizsJaT/a6k7L3IzrurDj6gMMzMAIgocssHCDNiqZm+5pAqrCsmfKdn0PWYKs9b9lTnokRoTKQ/M+heuJ9+t/xUlFZ2fnInmt2fuwegh6vtpevZex7c2MxmwjbwhTzD3jO/1AXqVwqa57J+UzOM8oVqOtWsKZ/qk16gdLLvmWjHj85J3yorAc26GuDS9r2b/PiEjqVGr6vQ0HN5mdNiXme+0GtfBjjbWfxRlbon9vrUu1G1IY5u14It7TZEs3bLudsWpMOY4rYbqLVxrquLPOZeZnJJZHyapTPNIMI3g8EP9A6LqzOod5Z/Idu00m1vVHXolxs0cRgiVqraSk2aFA3s0zpC/VNcAmbG4VzcoH0xPt+iPQd2lagNsZTpwBvi2V0ywizSadm+3qr3TVie896Mu12vekbx02bAlw0JN4HvP9g0m4W72FvT1/8ooRWzUarNbSVy7S3FeO8LpznI4/He26urgjeUYedfY+utdmmU7qB6watajPG6eY8gJhFla8FXzxzCNAa0Tvcbo93jv1+T6uVvK6kebHohB7pkV22N6tv2C8WQS2hvhGmEe1u/uXsSGLX09BkE74KNiVXMoXGUmZSPdFaYfRKqUeuxj3qYao3+HWweyhZAyHIRZe1zgvzeWY+nUlLMmgY1/Vlzg6tprTqaHjah85/GmkIIoHCGais8oLCglLIm8amP3/bvWL3UrOCj0GgwVtgn2igqjP4yoH6TrrAGjetVgRYzUECF9FiE4SIhyBQbXJ0KC03WrFXLGJ2Uc41vIe4BQWa2629zmZnim6ohTdNZReS2DpNKlkXlnamasY7R5KBQUaKJpoadU6r0qSfb7rRzk0OEmMw4oSEC/FLQtesdYjUmsPNABqGKoSQ2U1XZK2sbbWGyRWCaxSpRApVHEghyTsW+YoTtxz1DRYm+bz7eAa8dqGwG2zfLXqZeJ2ANvmBi88Pd5FKlbM/s6R7crnG+2c4sWCv7c2rrbuMV6OYi0AIGAuo+Q4RyaVebM7SFzV4sxhw7eN97UXFBIbuklnTzzQeT0fuHx54e/ee0ho+RmP/GSbCpU5tcdX0iaFbqjhvPnyH8UCMA7txR4yREMKFRaSql5yhZZmptZJTZkmPLPnM3f1b+zqV83omV0u7XfLS9ziZcdyDa0Q3MNRI6ELCdV3JOVFKYhhMTCmitlhGSaVQU6akDNUo25ttFCpdKL3BWUL0se9Y5AIffiiYhaci1fqBYzsouy5sC/Kq5jdWct8z2T1gOh5/oe5y0W9trKsOe/RPi0b3hDBQ++HRmppZ7oX1aWp5VWOMldZwLlDPm07HpitxUEvm8XRH+WLhsDc36+vpivm8kpbM23fvWGbbL4jrurDeuZdSoEfas3nPYXoTamDWB9bTkce794zTRBwGnj17xrPbZ7y4fcbgAg/3d7x7+4aSM6kUMxN2rstxrPl6cfuCYT9w9dGex3LPfX7Pd779Hc7lhO4roXoGZ/TqJpXaTmSZySFxHiunEni/fIf75Tvc+FfUmvn02f/MOD5Hzva8LXOi1YTWhVoqtRSOD4+s88Iyz7gGuzBydTNZUa4VLdZAVsxlwuI27CB3NSN1xNcVbZlBB8boCdUxyMBX8m2aGlw/L4tZRrW8PVy2x3GOYYp4iXjxtLxBucbolOB6s6OUrEaUKh5/tsZNo7AOio8VN1k6r0S9sOpcnvBlJCYjY/hQGUJjGIRdCEQRXFNqKmzYTt5IHttuNoj9XA7iJHhtaM2UtlAl48ZAkZmFQKgjlIDmjYiEGUT7wDQOHHYjV4c919fXjMOO6MeLy46ZAG8C7HYpUk973IFdrrx8WHFxpCK0GHGxst8FXBgsczd4msvkcMdJI6KFMe+4kY/x4y/Djx8xhIGgO/BKbQFyD1UVQaQQnIJ4yjZi/Xc+fqiLVKNSWmOtR5bynrncALGrnUdQY07Z9NSIHQIIwRhA3Wu0s+9gc4Fo2z+bPdLW+fK0ixJzpbSOlafO/nQ+c15mi6jvdOlLLEdw1CqdRGDu1Qb3VdQ5vLPcqN0YzR8rDOx2e4t97urxbforxZyMpzhS+3Sz5oG1WMed8sqyLH3fJlao0oI2YzdOxfJuRl+MgSjBWFFlJRcrUqU4fG7kFAkRfICcjCwhWBFCN53Wdm3ADgn3ASFiK87bdKQ8Xc3t+pqLQetw3/Yz2bK5Ulvq8GFDOnHCBb+hhNj/2cY+/eCXOgGmd7LaRTKbvGCD+i7fR7gcdAYdmu5EnCOXlVLNOHf7EK/M6chpfWA3TpyOD7jm0CLGOF1Xo/07+3tqT7zdWI50ersgl0mw5kwrhWXp3F7X3UO85/27d4zDyGGyw36MI1f7g0kCmjLtd/iewhxCIMTIsxfPGfcTu2c77pb3vDu/5T9/+z9SamJej7QMLTXysJJ14bTOZJcoFIrUix/fkh7xJXJKR+Z0IucVyQutVOaHpb9HqQffVfKSaLngmunhnBeiGATfXLFDT1p3UrdbSJwgGgjehO2Ip+mN+eSFyrG+Z9HThd3KlnklrUNZXJ4Tt3G2neKkEWK1KcIpip0LLZvUZJArokYigaHFJ1QhJYO414K6SvOlIwCC1ELQzG4ritKd5AmoGoPV992UefJ524/25sz5jZVrQt6cF/zguB1vuL4e0GDrhlH3jO3ANa8gB+ahcV4SayrMvuFC5Gp/w+3NNVeHg30/ehPYnWJUrTly3iYhpJk/ItjUL5aEfXP9nFQLj+cjWROilf2wI/sTQaqRugTTj/kE7pG8fJtVT5x9JZBxKHv3HPHetHr9/amd9JJrtjijvP5A5/zPu0j9s3/2z/gLf+Ev8JM/+ZN89tln/P2///f5Xb/rd12+/gf/4B/kb/yNv/F9f+bX//pfz7/4F//i8t/ruvLH//gf5+/8nb/DPM/81t/6W/nLf/kv8/Wvf/3n9VoscRNSPbHUe875PRCpLeLYIUQC48X6KIjvS/otFt00R5eDsr+xT9DBBwfrB4XqYkTZTVXpmoimakF/60qqHe91HxAPwgd2RPTiJE+0Ve8DQxyYxondaEv4/XToD7i7kCxCCDYRlcIQRtu1NWWpkVRnnMCyLMRwYu3i2qaNVFK3hzILo/3hgATFq7ObVqHUrUCtlCJ43yh5pGRHTkJOK7Xkrh3aKPtP13Dr3s2SyfWHgsvXt12Tfvg+qnbLJzuwzZy2XiZYpRoE1c06fWiXa9JvhMt0Kp19d9Gg9X+xXfftMOwn2lbAwESqW9Lp9nOICHEYEedYh4G2VlT7wyXgRDkvM8f5SHSBZZ7Zj1f4Ztq9lJJNcM6boLxW+/u6jcjG4tz2kAjUYrBuymu/Xo3tLhHnOOwOPL+9ZQyRGCOH/VXflzgON9eEGJDgGcaRcRp58eoV425kuJrYna6IjxOHeMtJHjkXmzBqabS0kNrMvCxk36iuUYMd/uIyKZ/xbWStM6mulJxgmakpMx9PVC00ihmNVtOumexBLnlIYwi0Uqk4cr8P1HMRym8FoNu2gnhUDgQcQQtTOjDUvalDDTu9NKFPIl3tu1SgFyWkEmJCXeuaL2O/VXWIRvbjNXt3zd5fEfNAy435fOZcHmj1SNGFipJFn/aWDaKruBCI44APjiaRRuzQcL+nvOveft2Nwm5AE+PGHlSppvkLk+NwOLD/9BaJyrrOxLpjbDuu23MkRxavPB7PnM6LwXFx4Ob6mqurg03z8rSCsLXd025ZnDmp27rDXRoyJ6Z1uzrccF5mBr+jVosGmoY9i3gCFem2bBIdEgsunqnyGakdmWtjYCS2HVPADACCCXyV1lEtaNnYoSX/AjlOnE4nfs2v+TX8oT/0h/iJn/iJ/+rv+R2/43fw1/7aX7v89zAM3/f1P/JH/gj/4B/8A/7u3/27vHz5kj/2x/4Yv/N3/k5+8id/0swpf8APNyhrWXnIXyDrCb9kVCO1BrROoJFBDox+YvJ7hniN80bb1Wo3m0EPevH0a23z7Hr6B1HLdGrGMotbd7LBQ50OnUrm/vGB83IG2YwPDFZwPQ9GmnSx6UZur9ZhhsB+f+Dqas/NYc/VeEX0Jspr2mi5736cCQa9BHyM7McDm/hwyVekPDPFA+u6cD4fmZczOSfWZTWvrVJZk+0y4v1Anq6QHaiLCFDqTKkrpSzkXLDAtMgyJ3I+cV5WYz7RiSitkbON784Pl13fhVHUPiBG9IIs9P0M3184tB/IOad+rSuNhUriVB8oqVJSZb87EBkI6mkl0yiIDyae9ua/12h2MPTOegtQFLE9mw82JXnvjBpL/+zL+Es0NxD8gHOBw+Gmf//Ksp7M68ytVBYaC3ePbyg5cbO/JcqOKBNeRivW9lNT0a67gi1s8jJT9gtRSqbWwprm/rq3YBmlNGU9z5wfH/n4o9fcXF3zy3/5/8w4jozjZKm5zqBoF8wayI+mWVInOB8Zwtg7f7tWqSR0XUntHYXEqkppwQpJna3I4LmOz7ndfcLHL7/J7fgKzTA/vCfPjeWcu/5QLqnKNZe+zzRnd7/tZntOWmuVFoAdiHb7o9adtFPrMV+O4EfQSq6ROO4YZU9cTWOjrhEHj3glY5onQzZMMrDWldoyzQlRV5woY9gjGnGMfPz6l3Ozf8XXX/4KbsaXXMcXcPakOfHmzVd88f5nefPwGW8fvyKVmbk+Usk0LJjR4aiaWcqRpgkNBVxjYs85CassuGwhgVM4sN9fEWJkd5gYxsgwRUQzWhPpOHG3vuXt/BVvPr8jTp6PP/6Y6/CM63CLHCcke2QcePHczptTM4ZmjBPjeIUPwc4xLbTqCOYeZakL5p+G+ra5M7H5a9rd75iGif3uwM3VNS4tSMzshsAshVEfmcTTwo4wOvZTZBpWdtN3GGvElXcsc6asC3n9mL2/5dVuh3qPK45KxLmC+oGSO4z/A3z8vIvUj//4j/PjP/7j/83fM44jn3zyyX/1a/f39/zVv/pX+Vt/62/x237bbwPgb//tv803vvEN/sk/+Sf8r//r//oDvxYfFa2V6hLVzxR/QjVYemdbEY2ACfXw4WK7YzqO/wJu+uCguFDWL8wzLh2tKpsBM11528WnhVILa0qUUgyK6B+2xJfO3ro0e0hv7713feEZiSF20sSW8Ll1O0Y/p1s4mQGnw0m87GWiGlNtPyrBmd+gd4GcVjxGpc65kLPBVSknBp/IIeFDn6TKap91pRTwXmktQanUlrvVv5oVUp9sajWM2+OfJszWj2WRS5HSHpJjrEqDImxX1AMO/8tJVi0vrEiisJKpFK2UFpEmtucx23ServY2RXXcH9ii3J/ekCfIdjNORbkUtE0j91S67GveR0tjDRGXDTKurdiBQCHXRK6WH2TpqBXvv/++uiw/t2/69JJ6d7/FhtRudNpxabZjBNB2cawXEZuYdjumaQfBX8gpBjN3BwDTj5NrZl5ncrHDW7zSnFlNrZ0wUQXTc6nQav9bNTDurtgPz5j8DV4nytrIaSXnbep1aNtcxHv+VG/o3Magdc7MYqUXoU4Ukj75au1vhhPMQkcMolWxvbIz523ZJAeihBA66aML9LUZvIXrnoP2GqKLBBxjvMFzheeaj599jdv9az6+/RF2/padu0HVk12irjCvR+b1zHmebXUg2qeqQG52jhgiU8hN8S3ga2TJZ2pVggyMEhi8Y9hN7PdXBtdeXzFMgXGKtLLQ8sqcF071hFsDUgK+DdyMz7kOzzj4G5a+u0YNtgsSmdSjYmGsgnTpZUPEWiIQXGvdnqrvap09W64ro2WD21XwThiHyOGwp/oJ9fZrThqimSCgzllGn4foK9Gfic3hvdDSOzJfsdQ3eFELafST7badhY6IONuv/GArqV+YndQ//af/lNevX/Ps2TN+42/8jfzZP/tnef36NQA/+ZM/Sc6Z3/7bf/vl93/ta1/jx37sx/jn//yf/1eL1Lqu3VnbPh4eHgAYJmHJFdmvyI3A7ckomqta+mkNCIlpaPhhtIUhF6SFLVPm6X+fYL2ng0T7Unbz3/P94TIoS7xDgqPkxpqz7aM61EeHcFzwSDU3cAkO1/TJ3LYpwzAwTTv2+z3DMOKd+WptjMQtOHA700rp39fZCO+7R15wO3wYGfY7ai1cTQvLciKllfUwXwxgHx6OpJRIS2LRM4N4mjdmVV7PtndKCyIDMJKSJWuqOErtWi0CKVnBK9Uw+WnCRI/epj1xYnytHtHdajd3xYgIIr6L/GwPtRUzk4DY5FVYSHJmDSdyqWQqvlpycSiR6AeCs8NILovYD4qBPFHdDfZ5ytVy7smp4/Lb+3ewKUP6z6psQuUhjrTdjpTO5CaUYnucwoyoo+gIUsG1y993sfOppXsJ8VSVePo7FZvmSzNyS221v05jb25L7uADQ4iXX6tq5b+6p9fsg9GIq2ud2CPsouduvuM7X/0c709fccr3uBtFh0IOicUlqlQQT+nZQFYoIq7teHbzNT7a/TJ27TWSD5zXzDKfKSUZCaVGtI4XbY5dyA0eNyNcvMXRVCc0b4Uoit8QY6raT+BDtyNDqWoygtwMHjSrJcsRE1HGaSBOHo0R2MT3RlRyMhJwRPVcu4mdn/jo9puM8ozJveAbL38Vh/E5B/cReYa8qDnBNM/N1Ueczo8s88wcV6LbMTJeYu7P5cHgTTKFZFEUpZJqYV1h8AfGsOfj22t21ztevnzF89uP2E8Hbm6viYMnRsc6H0nzmbuUOeWFUU6Mbs9VPPDN21/JyI7YRr47f856WlnS2VKTg0PcYOeDum58nW0P3O/vlEyuEsV2lNNoO+zNBd57h/hIrQnUITJwdRgJ4yvG40rWEyGccS2BzgyuIQF2g2cXCrtQ2PsjI8qkiVS+Qy7CY/oPtPoJz6ojhOe4sIfkofZdY5St9/rvfvzfXqR+/Md/nN/7e38v3/zmN/nWt77Fn/pTf4rf8lt+Cz/5kz/JOI58/vnnDMPA8+fPv+/Pffzxx3z++ef/1e/55/7cn+PP/Jk/83/59Uri+nbg8GJgeuHJw8lu9gDDbsSrsEc5eNgFRyi2M2xpm4xKh/GU1qEdcz93vbuvl6Cw1vVL9ntMfOs7oSGEcKGGl2pxILbU7wabrnv5qUNqt1yqBSEgogzTwLQbGYah67Qqm5ZAtHW7pO+bFRAxZpKUSm1qCno14xSPx7lAiIEggTpkUt6Rc2JZV1BP6vHu0XtUe6YNZjZZ60qtK2nN0BLnU8THAR+iecw1zLSyGBFAiXgvpiNyJoR1nYJuCvcuFi3Zdkyt4pwdhq2ZvVFr2+6vGXyHFZLqCllSp+Q2qkAhIU1IZe37r2DGsGz7pj51uA51dNHnphFBwbl2+bp065xGZXNrRLbQO29O4tKgFQskDJFhiFQ8lEZpiaWcmcYr4hAMYnMmktxcSkopFxhMgre/o/sg2oqqXYgh1uA+CbwvbDLniCEyDCO7aWcWSih39/dMubCrjeGwx0eDXdULGrw5VkvjWM68Pb7h83ff5ZTvSZwZxkINheYLxasJxruWxTs7SKIO7GXHWA6E9UBuEWnOyBbawyKbadlcM42U71Ci9FF1S8YVJzTvQM27zWkjECzjSy0teZuqrPg2Y8Wqw0tkiBOj3zOVnb0vrBY6OQamm32PnrEIkFqUWgRpHq0DV7tv8Gx6xS/99Fcx6i1je8ZYniHrxFodOVVSrjQytWWWdOJ4PLGeEy0D6vBhYPBKcN7SBHzFD2psvFYQ9UQmdm7iZv+cq+mGr7/6Orf7l7y8+Zibw3OmYcdu2lmSgRe0VLQ0HAOH8ZaPboWrZ9a0HvQFsQ34Gnl5BXNcuDvfs1bbe7su2hVVCrZ7dlVwrhG8+RC6zqhtrZBSo0XougNr6kuhlN4wDGbLtpsiqY2kmlhr7r+nIftEcCu7WNkHZXKNoSlRFE9h3K0Ed2Ju36XWxpxfsA8mRI67gZwK6wy5ZdaWfqCa8n97kfr9v//3X/7/j/3Yj/Hrft2v45vf/Cb/8B/+Q37P7/k9/3//3IdJsP/lx5/4E3+CP/pH/+jlvx8eHvjGN75BJXN1vWe68cRroYjFEUsUonMEApMoowijE/wZpKl5tLVG7Yezdi6nbpqpvitoPS9ly5UBOmTn+iHi+m7DW5HaDiLXWX19XyXeDiW5GC/a3+86XXoYIuNgYWJOTdtitA3rgptiozlsu+LLArOUikh3iJBNdNgPVxcJ3hzKY4jkkHDOKMMpJFLKmIisXujereVu5Z/JxQR/8zwwtInIRGtQCyxzpTYLkjRSRy+u/olgYqaiJhBtNItLabWz2hSotM6+RJXSSreVqSZ09I6iiawrSzsbBCeOQkbUk0vqHodtY6P0HZhaobwUoW7rdtmN6fcVMRFMx7GJqfo0skWNyBZu52wJHEIgxkjRCGs/FGsiREccbcJxnSiwici3AqV9UlA7yS8T3IW4c5n+uqVOp/j7TkSZhpFp2nHYH2y6VTiez2SFIsLVOJiAlf79o4NozcJ8PnF3uuPt/VfM5UjxC0OsaKhUV2mhF2OpJsasdnAFdYyMhDLh0khZTZzaqlJDbyxagRZwTS/72g9TnLX/zK3Dd7oV4ebxmGVONzHrENqWcaS9cJnjd2RgcCPDMNFqIbdy8X48HPbdKaQwu2xx6VSkeKQN7MdPeXb4ET5+9isZ2zVDvmb+SikLpEXIVcm1kjC4+7Tccz7NpLkXKZHuvwgaPMPo8IMSd5DqQGmJVpUoE4ew5/nNM24OL3j9+mOup+fc7J5zPd0y+JHo42XCD36guAwExnjgNkQ+ev6S3TgxtWt8CbjiudlFhrCQpdEWk+BQ7B5SoZ9pirSC8/aLwRsCQm8EK0K9MFylN5KGzoDDeWNWhsExVg/Fce4rjJIrgYKXzBgKo4fRKbGAV8xxf0yEeGaZv6KlwLzcM+4+QoIShkjVQJ2FopWkTyzZ/9bHLzgF/dNPP+Wb3/wm/+k//ScAPvnkE1JKvH///vumqS+//JLf8Bt+w3/1e9hSePy//LrcZq6+MVDGlVOtiE/mKDAE0mod3t5/BOKB0XBqBaTQWk83vbBb7KFCxDR7VVjVxLu1uzmLPL2J3rtL4idRWFvmnGeSWtELOBBvtkN0/644o/6I1kJrA9GN3PhXvNq95mZ/zc20p2qhaoVk+5qc1wvMF3zAed+NYe2BziV3KKkSZSC4wBiNaRQHh6VuGqzg3IAPI7vpYBqrdSGnM8vyaLo+xaI9QsWFzPl8z1qUtiSGumNIE1o9rQjrXHE+mpo/hH6NW5+UhFy66zvWDDStlHY2N/lakebNQ7G6Tg6oVFdQr8hkU1VtlXfu5zi3O96UL3FtInAguB2OZqy0ligJZChI8DBEApFAQIiATWsATs24V8RZUqvvU+9GYNiW9whPNlZ9e+kU7wIuTkQc3inDGnist+S8kJeZ1y8+4ebwghBHaK6nwxq2LMEOWu2WS9uCyQTMFgDYOqM0DPYaY2+AYoymN3Oe6CNbSnLtdlFtWVlL4bjOtNGxd5V4PTDsHPHK8/585u7xPf/h3/7/+NbP/ge++9nP4WJj2Dnc3q63DJblpPTdj2+m7SuRoCODXsMSqKsy1yOFSmBEJ8A7anVmMdRH2U0PuGnAxPunPZnaXkrUWLZBwYWhm646amkWXtr1h04VjxAl4ppBcYMMNBdNX1grNYHWYuOagmSQ5IglEPWaXXjO129/FS93X2d5s2NdBJlX/DpBFfKSWMrCWmYeyzvmdOLdw5eczg8s84nWyT5SuvCZSJh2RO/Y7wbUF9Q1XHAcplteXX+NF9df42p6xvP91xnc3sJZ3WTwvPYmuFWWubLOlbqCEBnFE9YR1yJlNkNpasPFwDAc+OR2xwsyuWWO92eWJXH/eOxogvTdDyYlyXarjd2RxIcRmu/MxoYXY6hOg9lH1bqwJmsks55Z64k3919wr2+Z5YFrXXAkBgpRlaEplg3cdYruZPKHa0FPhePxRxnLC0LdsZte42RHTjdkTbQfjIH+C1+k3r59y7e//W0+/fRTAH7tr/21xBj5x//4H/P7ft/vA+Czzz7j3/7bf8uf//N//uf1vdsuk8aZ2hKSKnEsgCdIQyR2yGZE2OF0B813G7mEqi0VN5xf3BPm/yFYekmO7R3hljVlOilQZ91nUevqtEuwatvW9iYYVqkUOVPCgy3Fl1uceCZ3xagjsUbqmshSyBQTv/Vu9RI82Df8FXtwzdVdbQnZ1HQcCqWBVm/O4G5z0vA4Z2+49xYpb1BAsYTObA+4BTB6cJ6WOhkgrwxtYSgToRn9t9Y+qeBw3TNRu4lmU+n5XQahFS09WybZVFEarjWkOaT6LpwuFEl9KlnIJBIL9+FLZu6Z3R3OGxV5lYTXobPkiu37pIthoyF6IiY50I3VJHxAhrClukhPN3a+H67a91LywVL/aVG1BVNCJISJWAuj37MPV+Rh5TBes4sHMzVVdxFS2n1kxejD4md70W7V1YuZRTpYmOEwjpepLfiI31wa4MI8ZPvztVKzCVqbFjMCppBy4e7uDW/fveHLLz7j8eGOtK7IXiFgTC/fIVrn7HVfNGQO2gBthGrOAYXSI8i7DENBNWwXiI1spP0aPjFgLw9U/3RsjgfWBNCfR/8Ey3Y+pDibZL16KFgkTxWcWnKyVLUkhFUta8sNhHBAJRCGPaPcsHcvebH7mOv4HD17ahZqshFCKxfSSyoz8/zInI6cl0dSXigUM0wVozJttI1BHaE5hmI3nTglhsj18Ixn+1fc7F6wH28ZwzVBRrwMgHuKHamVkislNUpWnPlx2OWpTxCA6rYxr9D9K8cwEJ1Sm4OwsJRMLrXD7x9M692btCpI62J7H61xtu0Qvu9cL/epa6gvzOnIsdxzt7zh5O/I8YR2GjrVkBDV2vf20k/NFUVwcUSHK4q/I/Ge1PZMPEMcxLBnCDvi8Avkgn48Hvmpn/qpy39/61vf4l/9q3/FixcvePHiBX/6T/9pfuInfoJPP/2Un/mZn+FP/sk/yatXr/jdv/t3A3B7e8sf/sN/mD/2x/4YL1++5MWLF/zxP/7H+dW/+ldf2H4/6Ee6eeRdTLjU8CtcO1AXCGFgcFcEGYm8JOpLnL7s2G+BdgSChXDhLyK3J2KCHRhmMxJMtAo8xTJ7EwRvzCgR1v5PC2LQRWsoRqlyGlGXWP1XnKfPqVrxeSLowBWvmNKeUB3n8xtmn1l8IbYJp9t+qX+iJsatuYcQ+gvmHJwDb4UiaUaK4JqZvfo+fYlYmJux/Jt16qHQmEkUtDaiGwmYw3otifPyyMN8T1SD+56H1wyMlxiREBze9x0Thab2EC4lG5yKuUpXraSy9kRUGFrEq8e37jLgCsWdSTLzJn/OqT7y0O5Y99+lhBN5yrj6DJ+Vnb5Aa+CqTrYcv6SaOtJYOqtMiXQ3dlG0Bx2gfZLC4cQcM5zrZqlwuQe6pSNbbqM9wxYaKXhaELQ5rsIL/M6zdwde7j9mHA7UHGjVX76nVb6GdAp+2yj3VS7Mxu0vd84zTCMxDuz3hwubcEt8pVpCc82FpwgKMxq2UMyE+MK4E85l5vH9kf/8U/+OL7/4nG/91H9kWd/TSkKuFYLSfKH5hgYluoB2Vp8WR2sOV6/RckXNO7IoSVbW+h71CT8AukM0gBut6LonIlK32OhuGtrF7VZcXMP0OjSKWIOkIhCMxWIMNCMleKeduRZpZyWdM04hukAIe1paqdrIj0qYBq72z7k+vGYXbni5N9bewb3g5fBNfNtxfzyRWmGthVRnWq0sdWYpJ9Zy4vH4FfN65Hx+T5ZG9cp+2hMIhOYZZSASGduAy8AJZAAXhavpwE245eX4Na7ix4z+mkleWFGoYkxQNZPckhpprSznQlmV6EfTuzmHK/Z+yyTWCKuyaIbmGauJ/IdpgiFYNppXTqdzl5p0Vl/XQalCrdnutSJE2fVAV7vcQTC5g1bCIcAAOlbenb/k7fxdfvb4H2n778H0FepHwKHJU30iu5VxAhWhiKAU4EycKlU96/7bnAmQF/b+OZ5rduEZ7QD5B1Qb/byL1L/8l/+S3/ybf/Plv7dd0R/4A3+Av/JX/gr/5t/8G/7m3/yb3N3d8emnn/Kbf/Nv5u/9vb/H9fX15c/8xb/4Fwkh8Pt+3++7iHn/+l//6z8vjRRALmceT0cmHYgu0DQaO6o2Yn+TxnEgtkhsgYKizeN0xBR0/mlC8oFtQZBy62rtLvztFHNrOxwSAhIj4gMqBm1tJAJjHllnLBvfvFsflVLJtRiDKi5UOVPkyH0NnJKQ8jtyaGSvDGS8BIILJlx1nuq6F5d2bz/nL6GGZo3fXZX7NNBE0dKozlGEbkbrCN18tbViUdvOU5QeJ93ANZyHSia3lbmcWNuKb2dcc+zDgZf718QpEoehR34bJFbperJemMom8KRdzDRt+jM4xybDTNaF+/yWcz3y2enbLO3E3E6QZ2RUZBqM3ODOnPIXaDuxdw2VG0QdrlmXXZIirSK+kENGu20Mzgx8XY9HsaFZ+zlqnb3KhTbR90IdOvk+JwPzbQteIQ5cH26ZxoFcr9iN1zg3UPNTQ9Pqk+2TiOtciU2P1y4u/BZBYnZN42ju5sMwXKb2ptqnlqcgya1GWXy8gDdoel4WPvvic949vOGruy/46Z/+j9zfvWM+v6UyIyFDqLZIcH16kYAT8/azNJuG9ve0ie3cFl0YdGZpK/hIkIIPeiF3bLs++pP0fRT7TmyhX0pjlT+xMTeeoxUzuVx/J7a/amqOHblkC9dEUedxBMZ4wxAHvv7iR7m9fsmrZ59yM3zE6K7YyTOCjgSdGDjgWuD5i53F1o+Zx/dHlmVhXhdyTZbiXcqFxRrcYPtAMdbtFCaupgPTOLHfT4jv5B4STSq+joS6I3JN1B1BR8uY2wI0LRXV7gHdokV6nt0w4p0jbFo/5wm7HRh/hXWeaQK5NmJp+FoJ3rMbB/T6ii1V4HQ8WmR8J3BZ4QNVW3NkzdQaEDehEsGPhKsd6oUyFB7yHW8fv8NP3/973s3f4b38HIEjQ6uk1khNWWvBOWvyan+v/ZY7IoKS0XiPXP80KRW0PvLYPiHyijh+avD+ZdH/3/74eRep3/SbftMFwvivffyjf/SP/rvfY5om/tJf+kv8pb/0l36+f/33fdS2ktdkLt7Bdgqb8zN9xxSCdT++enqAPI6BjcO9LXi9dwYXXSCYJ5jNnLl7p7cZpPoAzqNsDgnmHuDE0bYlvNhjB09egLXZ7sX5leIWip85nwO+QlpOVA+td+9ePBoirVlGk7ruAdaE5qMV1n7AGRAotuDXDWo0kMAOB7UHIHg0mD5I1SjRni4wbn0BHgwCski3TNYVrStSTZthTt2vcdEiNzb7ww3Kaugl/mFz6xBRfOivSfWp83eZ0laWeua+vOO4PvD++IbUFpIuhAC+CUMIqDQaC4u+R0ic3Z7A0A8DtRycrD0Qr1ClIBjEIa0hrpMX3CZDsPvYdTjq4p6/HZIbcWI7S/v76cT0Y2hjmg4MLdJ0IoYJs4mqNkWwHdw9+VfMaPcJfuzXBnOy994cJLZP70Pf7WgvTrYM/z4BNN9PUMgl0xbl+ObEF+++x2dvvsOXX36b8+mRlE5IzIgUxLdepPigUHXxuVSQ1BsP+/uLZkrN5JbILROo1FKR1vB24fpN0M8GeXKPuBCi9OmabyJSBRu/ti9fClS/qbSzXpoJxI1t2yeFYI4y+3jDfrri9fWv4MXtR3zy8htc+Zc2MaSdqeqLQec4YbefCK4SJLOeM7n7YF4++3RrjcaA85HgRqIfGMOB/e6G/bRnv5/ANYpm5nqmaMbViKsjXnd4HQ1F2RIYWmFb/gqwpQxbbp3Hh6E3kc5IRt7hYwQntjtK6dLclNrwrRlVP3h2u51NaNJY0xktltAtrqE9a4wenVPbQlNHkGtEzPIrjAMEz+pW7tcjn5++4LP529yv3+Xo3jJJ6a4YjdyE1CpBIYqjbrDhZV1iULO6M+y+ILdAqYVT+5xBYPJXrMys7hfIceJ/pI/mjvawuT7RaMDj6Z4Glz7deRjsf9CquBaprlJcd0AQM3rMxYxbizaaKGEYOnW4on3aGvZ73DAgMVDtpOmdrfXgprDfKkWmSaFxJreZtS6sbaFIIvmvOA3POY1fsg8OlyJSHV4bTpWaF5o4VAu+9QMrjOZa4YJh9tpp71h8hgn46AJGO3i0dqeKThAIwXZIW0GhJVpbWc8LJa+UOtPCSgszzRXcZJPJcp5Zc6K1RG0LL+orpAakGTHDeWEYbY/hxJhYDaVopHX/PeI9lYXcTjwc7zguZ97cveecZo7LmeNyNly9YSQPt2O9T+ipsqaVuF8Y9hU3PKK6530JNHU0HdnVAdeAuVBDxnuBCWKoqDw5oQsfxm531/Q+lmhtXf7Y38kevXLJ/oEuTDWNSnAOcc/RlmktU4t1/IMfoH/nTO4uCGJsTtnMpBTtui4RYRxHvI89yNC69+01t+6KstkpaW+Itlj0kjNFrCjff+eeta189fgV96e33J3eUsvRTFrHRpGVIgs+ZCQWGJo9Q/3eubjKd/sf8RV8pUmjUmz3WguBTJaC5HbZLVWB0lmntucNTwVUZetjLtOqd7bAb7XvE+0H3MZVa++aub3kmljSaoSc5hnlGYfphk8++SY/8vX/iefPPuKjFz/KGK/Y6Q3t0aEJ0nkTqlaKX0CU6DzRRQ5Xe/a7a+b5TCHz5u1n3L19S20V5z030y1+uCLEPfu4Zxd3vDi8YjdMjGHodmMVR0I1UFrGLR6JOzjvaQxoCR0xMDi8utx3n45SMOq3DPgQiM71iRhaAfFC8XJxECHGnrJgBgapweGgeB+YJrt3rm9v2F1PzMuZ94/veDzes55nnAcXLGR0GCs+CG4qpOY5ZkdKgXWpfPfxM754/Bm+c/8feS//niTvadMDzQlk4X6G3IQY7M0UL2gyX9RpcMjFazOjmqi+srBS6hseZsHpC5x+zFwzj+n8A53zP9RFyvuG+M1mp3XXB/NIK7I9UCsaKi5CiB5rNhxI7ovdDlf4HtLWl9sXd+1WscbYbGbCMOBCsGV7p9Zenj66q4LYg20kgkxhoWBZN7XPJ4WZlUdmuUP2ry06fR1p2fKTth2IuYQbGaG1gnSI0mEhiP3Rp6kg0hC64aYBfpeJQRSaq7Yg1YJBDoqSQdce9rdJQe3g3F/tGbzn5ut7vvziS7788ivSurCUE+d1JroF7yakObyChGL7HzGxZeualaaVJgV0puiZtdzxuL7hYT7y5vgVc0lGc60GfQiDaVs02kSihbIs4DL4FTeayeciRwbOBBa8K0QVfLODDSxSWxBKKBbe1jx+c6HWnor6QUuzkUnMjkcv1022fz6YDIxm7fBiolnEdD0021xtYEP3JOjvk/Zva4XASC02UfhOlthCN1vj0nQYw36zmcIiHzpLUrWzJ6VSpXCeT8zlzN3DW07zA+tyRqgX+r06tfBGt3128SDdQVwrrrX+Ptg083SPw2bge/mn0+ulF/0qGxN2m0jpk9S2P9sKlV0zawa2L21+mdvQ1QkG3YeuqdG1p+HAfhq5uX3BJy9+Ka9vvsnN4RUTLwllRMoeWRrkhkvG4LxMo86QFufBixLjwITy7NkzUj6zphPqFhrVdoPDNWG44hAPjGHiZveMIMFE6s2SfFtrSAsmb8nQstBKNxnu123jith90T0su4Rjg8gkxItJbmW1Iu362WSCP+jyFJOCKKVYNfc4cAEvjmHcoyIcNFO1gIdlPZNzZi4ZaSckFGK7ozRYs3IujblmPn/8kvfz5zykL0jxTPW532NCaY5UGsELaxFCUVzuxAzHpVmBrgXV1mM/Foo61vY9aA9ofc9K46S/QAaz/yN9xAFcMKabUsk54RCSi3hWxM0sw5EaV8IEfh9QO5ko6nqseG/cxNlzqhamJhhUWPouyvXRO+4mg/w2ai3GcNsKVCOhUhBXqJqpurLoPUnOFMqlSGUeOOlb7tvn+Oe/gh0TlIl6Xinz0qfAzQDXYLjaCQJmWil9pdAPTTOQMawbNuzk4q5h56hScqPVFdqmSilAMogMZ6m6saFD49Wrj9i9iHzzx36Ef/2v/zfq//av+eznPqOtyp3cITqADuAqIVQqQ59qu7OAdHZfKwYtcs9a73lMX/LVw+e8Pd7x7XdfWPCfOMZ4SwgTvkS0mXuBdw5tmeX4QGkrWR9wYYCQObk7pF3RODD4G1CTMmv3WEyyGsW865ZEHNW7Dq+IuYV0R4jLhEIv/F7+iwIlT1MUtl9SgSCRgpEM2KyK2LKcWr/2WyPBE1TeIWYjxTizWur3lWVVWVjnU1pxh0mbmgdjrh84OxSqKxRXOM0PHJdH7u6/Yi0LuazWoYvlZTXfLJYkVAgFcQmVBdW1p8cY89KpoGoyAXPJts7eidhZ1Cfx2qrlGwmXHZYXg52t3HawWbUTWuzn2TZU27W5wIT9rjTt1eZb2C7ZWNNwIIaBF69e8uLFa370G7+SZ9efMMZrlhPG9CwecsFVwZd+L6gZGKOesgVctsIQTXf2ta/9CHFwjJPn/V1EaUz7HdP0nGG4YR8PRBeJMlJTpeaKFmfOFqomHqxmlFwHQbOYaYDaGbVdO+3Qr+WMOVr1KD2dOm7G1428NlyDujlLeG+78GbXvjWhViGvZnvlK7gYEA9DPODjyLDbMex2nM6PfPt7P8tpPnN/fss5fJfsH3EDFM2sdeV+PrPklfvlxKozq54QP9suNwvFQ/JqDj8inFZj5ZZaqSMEpyy5GFoAiItUVZZi7u5FC6X9NLU6cnW0IKz+B1tK/VAXKemUUPo4n3JnvzWH+jNVIl+17xF0z9XwjOv9x4RhogBeHSMDztuBsiym4F5LsiW1uIuwEu8ZYiRMIz5uEIYVCPNZMwistDOpPdJcgVApbSHrwkP6klN71wWpmwo8k8uJx/YV9/M9MV7x6cuv06aFej5T1QpUKubhVmunbH/w0FtQXr3sowxUenrjRd2W3H7ZuaGGuWsXE/vgCHFiDAHvhDgKYa+EK+Wtfg+orEvm1cvX/Oof+1/Ix0I5KqOfuL5+xovbjxA3Im4gxD3OD4iLloTrxHKZxELh4v4FhZWVI89efc7703vid/4dj/MjD+cHWgVtK7SCw9JUYY8qhBJgjTiJtNFRI7RYWOWE6DuO7KnsGdzBulIVUk0U6mUV0rZUZHFmuKn98O4C41ZL72wF7wKIGdE+wVMXFRVbKCPqcKoEQt91mQlsH3m4WGxdprBOzuiCaytUrpNjrGhdXLnkstpkC5Lc9n1Id5PvRBcju/SE3Wa7OyXbey5Dd2JYzTw8gAzYPaqLuYzoiisN14yEEnTCtUheg2n2Et2NfbN16k1Zy51huU2RmJC034fa90goBqGz7aj69LDdq/1zI9Vs6cUCDGGw920NXO2eEULg669/GTfXL3k2fcLQrpE0EnInxTQMLdACerLpUAtSQy8qUKUalV0tR8s5uD5cEz3sBsugi8PIOD1nGK8Z3GhU9bVuD5eRr1x3TNlkBKIghdJmigYjJkns0KWjdKPjNRW0BSzh23XJgTfkpSXWmpBmLhLOeXyM+OjxTTuTVmgVSgL1An3NIQ0kCF4q4gPXu8A03CAycjw/sH+85acf33Nc33NevqTKTA0nVnemxIJIxddGqM32zxq6xMB8Hee10aoVpVwgFaE0iE4Y/AZnq3lCamOpmVKsf7MwTSNxNafkXyiD2f+RPjbdAmwPg4IWVDM+rKjMPJR3XMW3nNI7DuNzizBfncWRq7lGaKmUWowR02pn5Ul/4ows4aOJVl23LtjICDblZFTNGbnoTCMjUiluJreZWe9Y1PJZnNqD4VBqXVny0Qw/XWV3c4NKpImjNoOPQi7kXCy+odri3M68/pN3bU/THurIk4muwXlsPIB+nfoFE3qMuyOOnjFGYvBMu8h44xlvPcfH9yRmTg8zQ5j4+PWnPL99zqKFoY5M44797grnJ3DGFvJ+RHxEgjHOfHQXKve4e9Ep+ytuuOVw9Y675cz741u885zOR3JKRqOWjHcZbQFVj28eKRHSAAsGJ4ZGYSXJiVUf8TSKePxFxIsdLJKeko43u6Iuzu4xoQantUo3KIfas3e09X2ju9wSon2fp61PW67zDzaiROnNwtNh/XQwa3cE2aYofylOItsk9cH71D+eDI6fDkTtZrRIj33BFue4ikruU3K7QG9VzYfy/yTvX35sW7OzbvA33succ10iYt/OLTNPfmljCj6Kr1wYVB06dtPQQdBAyA2EkP0HgGi4ZUEHCUSDPwCEJSwZ0UA0EFIhpAKkUjWAAgHmZmM7nc5z2fvsveOy1ry8l/E1xjvnin1O2k6XZKlSnicjd8SKFRFrzfnOd4zxjGc8jw3LqTX9HymMSFrZr7Y5iXbkZPN2mg14Xme9DLpcjSlzo/obS2176Vv1Vze4tEptahxsd9AK/61IQMsokC2hC3hX8C7Q9wPDsOPZ1Ucc9tcM/gqpnSULlTYzaCoqaKLqDC05ozTdTV2hRWXWmeKFvjfb+3i4QvNELcUkkIYjsTtuAs15nrH5IGGLsGvtpzYrpVIoOlG0bzYVwSp6hZKN9JBSRtpQ+CowHWIk14pmyG00o2hBXWOhNv8pJ67ZDymloddmidOQHS+NSeroYiCEgafXjtjtqA76dI3kV8zTQnZnityS5UTxuSVTrlmlhBaknFneV1OhQWGcbeRDW782eCX7FZWyvKloZamZUh2lOnKznMmCVYuSv699/gc6SHm6TVJFq832ZJRFKtnfEpg4pZllmRinM/FbA092HxDcFTopOlXO00SaE/fne2MreWEYdptoo8UFIcTYKPJKzbltaslmOXQi9IV+VynTHYueScUo1HM98Va+w+IWkl/Yu2Bb2jJTFpNeeejOTK5w8/RDZD/C4cGa8BWWXMkpbYFqHd5dG+eXx2zDstelG3rinW+KE8EWDxXVHqQSo7dKqnP0IdLFwPXxyOFJz/5ZzxjOfPr6O/y//p//mm9+/A2++fHH/Ngf+n8w3RVe/1qlC0e0RvaHG7zvwA2swp/BR7Pujt6GEAVcemrBVeFZ+JCbq5Hn/9dv8TC94s3Dd/kf/+s/8MWbT/j881/DcTY/IQB29BzQ1KH5gNYFepuzqd1E7t7ykJSsO0Id2bsn7PwVMdjQIsCSzY9KayF4U+VwGjBubmm2AQ1WrUqVhNIhQZHQmd+OtA6TaiNLmB2IBxCHOmd9x2rBoMqmVwHith6UbzJSmzJ4m9uCrQB71LuwTX5OI7kYw44KmrX5ThXru/pEjYmTvmFKdxTOEJrDsJsbNDfhuoQMxXqkZWEcJ2oxf59d6nDaETigdU+tHWWKSOqRxeCbRCaHheAi1U3QBqJdCG3QvaldNzNQUcWvaF7ri62tLQtQSqEgmk3Op5mAitY2wGvJZO93PL2KPHnyjOPhmveefp3gO6T45lRrLFWjWS+UMtm/zFsFWpfUVObrxiJcRkvsus4z9IGhjzzdP2f1fFKJbYzAqjQfHOOUmdJkauguQd+sMSS10QflhOIoIFfWB3em3TktlZzMjSB4T/BK1xtS0+96JFcKszUFamZazsS+kaaCELKpkmu2+zyrUrxQl0pQ+xvB2XymakXFkp9DeMrueM3T4/v0Tztez3+IX/7u/4e303d4df5l7vNi2omeZk7p0Kxbn3btM6WsFGe50JKEqRPOi72mLipO2kcApFAw8WEtUPIBJVAIOJdI9fsbOfqBDlLU1nRtGaYhDi0bqzOZQkoQxh6vHS/vv0tV4cVuQIrDJUfJxlZCMOMyF+j6HYJQ8upuKdu8FFtAyJS8oDVRdLKNU5Kx1/TMlO8Y9YFZTyzuRJHaWE5GIXfFYIB+d+B4uOFwuMGFHlcKxM7gxrI23YMpQ/i8eTitgal4tz1W1bdmtl6yf2dzEjYxbyQhwawyQjA4ToKYZI0P5nrrAkKgC3uGeGSIV+QJ7l6d6GukI9IHxREaRGdN2yAdWUGroMVZprU50bHJ/oD1jkQ69u5ICNAfHOPTO/ayh3Om1NmyezkgdAS9agmxMutoMFNZ7L24keocWTNT7XA1IhKJLuAdBOe2JryJ9wrFZYqAkc4v9iHrPEvNgnihlGAiuMXYeNo23lrb3EttlZY62DilraphizaWcW7OhqvihduqJ3sSbROlVVOtB1UKy7KQy0LaBqJ10wNcykj1iVoWFhlJpUF9UhGBsjI5www+gc+kauaWSzFiEDVAGqzHWAe0QWOyeKR4IxvVVjO4iooZU4qmNudjtPsLYcIqq8d6nNtKWDHM1qeSalT2FQkwQ4c27KsmzizBse+P3Byfcjxc0ccOwVFy2QglNEi3FHPstnPX5hYr1sdT07dbmQy1ZQRLzZAzdXYEqll7dBFdVUfegW7tHNh/hVxtnnApIyILUha6nBn0gCegtTc5JwmUArWK3QFNnzJ6Z2w71+TZmlGqamXJc6t2m+GgM6p3lRX6zShivcHcRKzdCh23XnnDu1fW6jP/AbGLzFev2fmeWpamUnPHogtrFlG9oQvS+uJOTWVfgKKOXB1k24Ods1XvpNn2bGaefiOImDoFbbje5ie/n+MHOkhpm+rfoBAabl6VVAuo4MpESonzeeT6+AFTnnly8x6h7PAhkLJ5JHnv2e0P7HZ7vItWxSwJM48rDZ6RhpdnNCfSNFLqTK5nch4pdaTomaXe8VC/YOSeWc7Mwz1CIOjOzN2K4hfhsDNK64fvfY3nxw8QNxjlNy44XdWwBCedKQOsTrW12OtQC5Zr4//R2CiwsrMufRTvxCjormHHAlWKDW6KN0q0j1QCJTs6f+A4POXD5x+znEc++7VXfPTkA3zt2YWI00hZoCaM6Rb7jS5dqmwbh21cCmW5NM7Tqhs2MISOp7sb+g96bg9fEOaB83TPuNxDLDjn2clTZBnQeeBuuWWuZ8b8KU4nxM3UkEiMnGahZk+ujkP0NsXfmQSMithQturGW1O1s2RzcWuQMmV88UoonpJBJLR/be2VmlpygCkoqEPWiqxdo7WPpLS8SdrzmsrJ5eOxMsCFJGBeXYWcLXNPZWaeHyxAtX6KqjKXE9UtFD8xuXvmekJZDAaUYl05qeALxIz6wpxHljJxrolQA74GNF9B7ahpoBRp3Bpva7aGxthSqq+2bjQjdbHXLhklcDFMe3SjPv7a1JIbqcSCFCVBLUg1e3JkTSwcRZQgka7bcfP0KU+ePuOwPxB9Z/BbSRuyUKudPxvGLc0CJmxJXFlMALqA7aptztGGhBemUnCqDN7TdZHrq7hBo9o0OVl7gKElPTmzpJG5nJjSA9SJHAS3BHb1iFNPKj1Om3h0BtThnSmJ9F0kdutoCI1VbMPxWgvjfGaXBkrZAQalRW+9LbQa+w61XldzWUD6pvc4bBV6LsUqwep54b/Gs/Ae+2eRT7v3ofTMqUfLFyzlDbgF9TNFzMiRmvDqCPjtQtbqyM12owDi1NS1xASvV0Fnwx58C3zWBsHZ835fBKm0WPM/k9sIqbFn6sqeqeBKIpXCmGf+66//Bz559QlLKTyPX+NZ+Aj/NLBXk9cZ+oEu9niJtgmcWwaKsswLSSuVRMmW1Z7Or5mWB+7HL3g7fsopveFu+YxJ7pndW4o7g1tMkghvNO1iFN3j1Qu+8fxH+NYH/ze+dfMHuPYf4bIYOUICtGHh4EPL9tbe15o2tseaY3DNidyqBUtXAC7qBG6dX3Fsvw/XsrFK0wizwJKXzHSqTKeEpMAf+OgPsZxHlnGiPiTKIkiJaDV/qYe7M12nULsG/7hW2WHDwc100HdtRoTacHXQnNEFdIKhPsd1R37kg4Elzyxlhu4ekUJkj6Q9LHselhMzJ+6G36AMd+T+Dk0VssPJnjAHJBWSjubhlCrR9+Y+3CJGXuGY6gyOWl1LWwKSa0IoZCd4KuSAlLyxKcs8U6vi1WE8NjWVjVqbmrsFBmmTwFtVIdY/1DbIKaXd9G2erVSD8UqppqxQjWqeykSuiWUeG5GmsPr6JrWqU0lkNX+rlM+UNjtllumKj03EVwtpyWQFyh5qh5RIzR21dvja4VtfqrIHDWgxd211GboF9Y7qg1UFCfyc0ZBaAI6A9ejU6drWaxBoIzfIin5o67VeenerOV+QiCewP14x7Pc8uXnGrt/hXSCXpd3j2SoplNyqy1KLke2qULLf1vXqTFu1kJMx0+ZkLshpGikpUVLCa6XrOp4/e871s6fsr6+pIuRaOM/m/ht9YBkraZ65u3/DOb9m4YSGB5JYAn2lz+m0x6WDjRRUB64Rd/pA7Hti37dedztXYgkAzixrxjGx7PfUnKF6u5XEPNsUJUvZIEy74w16M5jVtW4pNiaA4NQT1fRMX4T/je7qwG64pkrHp/ffYbz7byR3an0wW5slWY6jJh2IddStb15pdkTtGtBehbFgTYgXK1pxcWmV8mp6+vuA3VdK3RZ+lUrruFhGWnOTHAHqDLny6u4TxmXi+PIJ8yFR9sLV7obgo8FwDuvVyEB1UMQo5LkmpmWklNTYUBak7sbXnOc73p4+4y59zphvGesdyZ0pMlHdDD4Tmhul8RkqOGHorrm5eo+Pnn2Tp91zdnqFPxsMIC6Aj6AOcXELlLU0SKkFKqVSs9mEFHGmHL0yZlpwWuGMVZx2bfK2/20QwCZuCdSsZBJ1roh6boanJN0zM3H/8Lbh/02kUh0lFRKJtMy4EE0dQy6Q1dYZr9k2JypIMKAtr3AYeN/RS+TZwZukUs0Qb8FlgnaQd5D27NPIwpldgCXeksIt2c/UbI1/pLe5nWQsqKILXp0N/raekReDICp1s08xKDeDFmpKFBHqslB909ijNqM9aX1JpRLsrEqjH9dme7/etI7Wy5JmzSDb5mwwI623WFuQsh5kKYV5njcadtHFmF85GdRccrtaJitVJZu9SlmaKsRMwYIUrTeGS6YEUEvT+XNIHpBiECk54DDYNrCzCl4OljVjQValUv1C9Y7qI5SItNfopFjFr96qvEfrrCFO2/0qFwZD+6eVW9KwI+c29Y/Y9/T9QN8NeG9mSNY7rA3e1429ufbwtGqDMcXgZ4VVrqw2j7hlWZjmiZwSy3QmLQt5WaDkNlTt6PYDw/FgmpxqsmaCQbc1VcqSmOczizux+Ac03lGDWgWlJ7KOdDVb8lMK4syqxHUBF817zDkj8JgkVFNraQErpYWScyOEcOntNTsattNoyYBgxouCEFxu0lGmciK06qZ6HJ4hHNFYkU55vvsNpmUmyq9RMRaecy0YOWfnke3PXQ41KNtQbwtqomtS1px4nSK1Ebt0HWx+t9j+7Y4f6CC1VFOTsEE9G0xdRTdtDgLb5L2iXeb19F1enz7j5f/6TW6GD7gZvsaLJx8QfQ9JGGSgdzvev/qIKMYCPN9PzKeF8X5kKQuTnlh0JNWZ++kLpnzP7fKSWe/IjKRwh8SM6zP4ggOOywF1leILSxgR39Nfv8+LJ3+Qbz3/Ezx5+JCQ9lAcLu5wXU9u8jeiboONSs5bBl5LbkOUwUKz6wgrzKTFAphaiW9mes1IsPksiRNcsMn73nV0PuC9o/eenBemcSIkj9cOnSqheFwZqF0kSaWXAOpBfYMZC+P4Fh8C4j1uNd4TWDefuWTLoJx5zwiCFoPMapOUcs5x3V/jvVWRwjfaBu+2SnnRYoK1+i2KzBQ3k3gg68yS71mWmZQXlvNCWZQ0VTQv5MYYQzxVlFIaK62UJgulaF3QkinTGUkzS17weUBixHX9hvdZoWruslULBZptSmk9TnvPoen/xbAyRhXNBgWWlEktIC3LYv2UnNpjubmq1kugR8nM0GbbkrmNGbpfM0kTb5cvGMs9b5dXpt0I+L6zObh6T20NctErRHfs8nNC9oTs2fmFQ+x5//icnb5Pxw3VXzHnzN35gUVfU2VkjJ9BPNB3FRmPuNxRZofTQg2jBQUi6gKPC/sKbYDaGIKyTq7SdMAatV61mDq7s4qqG/bE3sYbVpPMXKX1woRcTFm/JhssrrkgxfoiTqG0a7IUo3cv88y8zMzzyHh+IOeFeT6bgkQbRVhqwN9X9k8PHMoV0geTOwugC9RZWd5MTNMD4/SG+fkr0vGO6fgZXmBWz5PyjLA49voeVEfOHu0j2gc4RDQECB4kgIgp/7vMEhK1t2r5fDqTlgRt5tpm1KD6NkBbO1ZvNhsJqExTxrtKXipDN5hFB8YAdN5shUrNyFxwIXLd3fCtm28whMInd/+JO33gXjNeehRPkAV1BTX1U5CKa+4Osk0oS4s97f3Q2I++bvqYTmOTeXb4Kgb18vA77vM/0EFKWSf4bTNcxaSNptsy1JLQ2oYtW3af0pl7/YKUM1O5JbgISeiaodr9+XOT+8+daXtNmfk0k3Vh4kTShawLY74j1YlJ7sh+pEiixuYdFLw1XQGCbTLiGw4v1m9YcmZeEoqxogge55sFxro5VdvbNiNBrHeyngHAGpfeIkI1Zzm0DX3WauPD0Jxo1ZQ0nDd6anQdvTOBXucwy4cmlruOY5qVuJqAbuiIItYQLpal5obXF23eN1UNcmgUb1mHGBsgIKqklh3mlA2KKWrzIM7bjJKaXtk6DiASWsZp1WRVu1HUdVS3o7iOysJSe1KeLVPuEjkp6Vypi1CT4IrfbpR1kLeqvRYpVqE6sWyv1MqyFGIUE9OsrZMldg4BcrK5uqJNaXqFXFfyQFt31KZlCJSUm01Dsuw9Z8uYW5AqDcLVBu9WrVuGbT0IU4jI1QLOooVFF2ZdOOcTs54pLtnPOPDRQ9RmN96sMFrWHUKloyNKx7G/4qrb8/T4IXt9RuRqC1IhDJyWSqoPSM3Q7qkoq3nhCldaRSMt6Nh7thk9oUHKtMzaGQ6oVS7VdutjrFYgzpmY8jqjtim/r32osqpvVFZF+Q0SVzZljloytWn05SVTUzHfLBWceLrYQ9cjYqQY7xyh69EKy5wQX5spYyVnu3ZTfmDRMzVMTUpsJvuJIpWqjvtyS+ANV/JgLEXXEWJPiJGh7+iaN9jasrsMjrfRGAfn5cwpnTilE3u5Au9xyRReLBlo/UbnHqlRrEPlkFyyPaIleatB6toDFXUIgaE/sq9XhNCZAntbHwCia7e7VVNtb91O81YSrROFj+n5l0M2CHClyH9/tdQPdpCqdcvQNjhBt/ZC21gXVB3UgEho+0XiNL/mYX7NFw8BqkCmmeVFrocnbfPeURdrUqfZFCSSPxuMooWsszWQYzabDKcQBbynRm+lLq2v1QYubdBQWZaFcRq5P93zolMkBnuNHhDFudz6OrUF4zY8ugam1ldaA5Y4LCiq0VNLKaTU7Nrb/IxuASoQY6DvezqJ9K4nNubiOJ+seV/UGstKY5WZwnaMPSF6JHTNnrsiOW9DijlbUIzOFB0cfsO2VYHWo8iNUj+Ps9HpK2bN7k313VBLMZfZNldjmaBR6c0IJUDokFAhDFSXKezJ62Z0qJRUWc6ZeczkuVImC0iuViNyVG0DqYqrFkqNkGiuzSkX+sHjK5RqNzoiuDCAQloWq4qaPFG7Gg2yssFyR6PLt5mhvMzmKjvPW5Ba0kytTZ1j3Wi59B8LxTa/0DJaTSxqoqZTTkxlYswjZ7klMVL9YsmRF1wfcNHhQjS3XrGkwkkh+kzvhb52PDl8xJPhhvdvvsGOI4EdVQ4stbBfrnl7gnHuyPUWcoeKx7nQTPyAVSWi2gyQuovIMNKklqtcgk1dAaS2Sa/Jl9CYbq5V1MaEs+c3UdaW2NRctx6d3S+NlNEgPxONzZSUN5WOPFv1SgEnAfGOvu/brJJvO4pB76qOeZwBb47CIix5ZFpGTuWWSe6o/UiNFqSSO6OuMgu8KV+gpecmvmXAMfg9XfT0fcdht7c5Qm3KJqr40qx5CGYk6uF+ueduuuN2vqU/HAgaCPjGoBWqb6xKRxN1FuvVtf3RiTFbCRETeBCUYOvYZEJAA8Puir08IYQdUiOa2g0rRo0wmE82hNaYnu3H65pgyCbG/Kj4p6l4byQh1zQKtf4+CFI5Z0JwJgOEOaHCWnXQPq+tJ5u320GR5qSZW2YuSDUWSsFzL/d48SaB4m3hp5hRMiUsrErfpVEqpW3IONnsHVxjD4GSnQ0AQiYGw//Tknl4OPHqzWvefzYRYqaPO1aQXrbJfpNpctow4nUDawlLrdWEUUshtww9LWtTueK94FwkdJ7gHTF6+sHM9Pq+I9RArIGSzKLgfBrNtTZ0+OgoWiFVaD44GgZEAn23a+rOrY9SCuM8Mc3zZqcAhk2HECzARN+ev6rGg/exySfZxlCrMs8LORWWOeGDqTL0/UCIlomKNzUIdSubCUKIiFTE76BrQ7HVrDLSmJnHhbwk0jhRUyIvE2k+kdNk4rzF8PIQBfWQd55pWTiPJ86LkmpE5oAPkRB66y2qME3jpcfkm917iKa35j3SaOslLSxpsXMznS1IpWkLqLVBKSu9W9v8kEk8VZLLthZjMXmodOZ+uW0Ek8SiiaUuLP4e9Qthn3Ad+ChIXCzhaOMFXjzOVaITjh3sS89Or3g6fJOr+IRd/ZCdRDqJZHb0HnaHJ+y6yJSecX/6DFOZiHhnRCNiQCSDJuu/IKiaHqC2itiEh9c1vMJELc10dm+6FR52zhwMmpeWYPBQra3nXEyJxZBDwYtrpryGVqSUGirQ5KNM8gBXhN53DKE39KFp43W7jthHYhdN3LZWlilRi5CWakmEUyQ6bh9e83C65UFekeId9XAiDbdM4Q2jvDVNzRC4LV9QS+CJfs7T6Dl2zxi8YxBP37ZepSlyVKDYbKZTz7DbM5Yzs1t4Pb9G38LV4Qk7J1ACvgR8FYqfoJHGVmPGmhuZqpFvcs7QKz5EOnGGHLQetPXuPFkDpYSmBRjwvqPqiFLwa6WGo5Ta9lUuVSu+tRIb3b3VUxegp8mKuYvCihFF6ve1z/9ABykr73mkcq1s2mjrv/YF2wzLSoF2BfWZTbLCCc2sepPvMPJDpTole6Pz1kb5tAlzQMxmgXWOSjzSrGE3Dx1vVY+q4sXjxVOLbcan04n5embxmciafdg8hG4Ba0tGrA9SLxd3nei3zS5vsAdYNmoWEI4YAiFYkAohbn5UolaClaLk5osVxMgbznsL8jjT43PSlCWiGUY2iDGo4pt6fC6FXIsRC1rWu7LaRG0uJee6JQzeh7axXKACgyOsp2gjBU0uCDu/K1xg4y6WYDhtenGCVVuNUanVGFC9X0wtPJja+zJ5JikkV0FnVnkp36rxrnhyBVwm14laEpqFWHuUikttreSpvfa1ePJm492gKlunauzLtJDSQlomcyLOU7OGKE3qaG2cW18xa27q44UkhdJEZLNOTPWeU7ljKTOpZlPCl0yRCXEZYkGiID2YkKw0rUJTznAsBAfRQ+8CO3bswhN69xRXrwgtoJikkiMGAbkhek/Nc9MPtErE2cTwBeJZIU+tLZjXFf1sh+Hu2iojy9bb1W9Pcpg/kXerI640iKTd53X9+S8183UVby1boqYNYnGrRp4TfPCEGPDR44JnOPTEviN00TyiSmWKE8uYWOaMlmRVd84s2USWkx8pcaL2MyWMZDdSnAUzRFmYmOqJWR/IccaFShAI4nDl0qbQRoqQ2jZ0NS3HECN4GMuEG98y60znepx6nApoI0W0Pc09qlRQteq+nYMcrO9VnEd1pZK32bdCg+q1zXHR2L62b65w5HaBdbuE2x60/ntx+H1EjGk/+3jkYhu9+D6OH+ggdSERrHTndTBnhce03RzrQJv5MVlQwRwvi6kk57JKt4hl5TiUxQba1oYplVwLj6mWq4y+9S2kDb7Zh1PLDF1npXlJ0GlHqAOyeMb7ic/SZ7zav0IPEbqIK9ZTirHYPBPrDX9xiIJLQC7FfGOmaWwkBKWLpqhtnkRN6cDb6zMbD6sec65GZkswT6kFOiF0gRAMO9dSSPkOlYiPDh93OBdAjWwRvDGUUk4N0jJoq+jZZlVKIYS2zNSo1illC5re03f9pX+2KrHLOuO1OhwrS0qWZihIMhp/6Iy8IWpVq4ueLoTWoDXnZecF3znkqqkb5oW8TEznO073r5nGe+7uPDUldF4sa9RCGAoyJhbvGJc7qzQLdGWg1wMP0x2Cw1froUUfCS6agkfwrJLXy9Iq1HlkXmZSWpjLyCozXKQYsce1Db35ExXNzHlaHb3M3bgW8jIy5zPjcsddvmUpi2X+DmvsdzM+VBgUYoWumvGjE3b93qj/QB5vCVXoVDjGAzf+GTfha/T1BsYDEmrzBR3M6LNJ95R4pHMDKSXmaUHqDjQ09MKtnSeTjlqZXCK2E0qDmNoERC3FApjPDbKy7J5GQ4/eE4MnuAb3tUBmCUmrvLmwMmqxuaW0WDJg+0GjtIdA7yNeHKH3xL6j6ztC35nl/K4zbbxo2j6lVub9zDIm0pwZpgfmPPEw31GYWOSBsn8g9w+k/S2zf8vs30JM0BKouYy4cscUbsnuAR8TQxAGHPVuMVvc2PQ1WbcukyQa4sCu3zEcd5zGe968/YIfSj+Mc8JViEhR6yC0OFAALw48dCFSxKqklNI2Rxpjt0H+AiwltSozcS8n7uczU7KqPEkCbzNPa6Jsh3uE49lRLy3YLXFk+yll67Y9Gl53zjVG9u98/EAHKVgrCX0nSNn+cAkWWwawytqgUAVRs3R2LdNaG5dk1y78JTOwfq0NNq4ZgogJ1QbxeHV287SLt85mi2A9rxoJGomlx6WITo5lWQxvvn9DJ3uO4cYs1ZEtAMPqH2QDeVvVlGy4NzdGmcFMwW7ucAlSqxSPsanWCqRRRmtFslLSZRjaILUOHzubN6vWDNcWOGoVqoipUviwVS1mVNsTizmCprSg2tTj1PpVRa3Ps6QF1UIprZfRZmW0fe7a3xJxTQ9CSCVbkKqK99UqJWtuIGhj2UERMYsEp+RGdaXRvdFKzTNaEzUngnh23Y6yO1C8Vc9aE6UqebGZo0VHHuY3LGkBHEsdWOqElx3BRY7xihgdQ7RNz7Xzolwa1eLcdj2kQbS5zVSZSWcm1WyBqySr5DWzlMlUDaRSndmdTOXMlE+M6YHMTHWZ6tT2fqcMnRD6QL8DFwouVHzs8NLhnUCTqNFFEB8Y/JF9uOYQr+l0R9Bmk9Ia4uLbQHgVQuhM+7AXFrfgdbI5pNpgdQJVO3yrriwDb/T3NWVfq6iVrbqKv4rBV7Iqrjub93HOXfzR2vWvq+JG1a0vtcLdK6LQbvdGuLBA1blAcJ7+0BO7zmjmgwWp0EfEG8xYtOIouBDoevNGU1F89lSXGJaeTgNjTGQ/MXMmMVFIxgxvItelmFXQiTec8xOmekuVCXE70xEsdo+X1ovzciGAIIKvgf1uz935DW9Pb/ji9BKvjkM44otrpI/LGV7Pa/B27nOr5LXR7otkss/4WMxtXApFF5Yycru84e30mqWOm8uwJcgtEK5FL++GLCuiHifO62MtpX6EcF0+2Ab9v5/jBz5I0YJUqSurSpt/2+MgdYnuBnkrUgVqaBkZeBojRcXkZt6pVDeeC464wWnmhi504nH6buPdr3IqCKV4nAYCkZgGZO5JZ2HWmVtueXv3ms7veH54j46IV/+IqVi2C20BqRkdpmTN4JJBafIqVp3EZvvgW4+k/aYG9bttoZRaICkkjN0mjtj3hK7Dh465LAYBtPJfVMyQUASCb4EqNjo7xL6nq0YemJfJRDUbAaRoNTiwZpa0UIsxtmouj/DrlenUjAml9fXUGeutWhM8hoqvTdlPA9Rqw5beGWQiikghrc30YnMqaKHkGSeVLkAXPLHboaU0GrtjSSdqTix1Zq6mJHA7fsG0jMTQ4XNPcAN9PNKHHVe7A13n2Q09sesRCSgR8/8SnDMNutWKI8YABeaaTOE+VbKKqUXXZPAdFqSSTgZHB0FcRiUzLhakTunBoGdnFPR1WDYMO/rBM+wd4jLiC303INJBsgqhpoougouRnbvhEJ5wiE/plsGGL5sMVEUJwVmlWiHQ4Rz0YcfiF7yMLI2EoNpmwzYxXmEzlWyyTOvmtUJ1OVuy4mrGO6xiwwKSl0acaAQKt0FTK5uvISnZ+k6lsSVXPUOwpGzrgYjQxY4YA4er4yVI9R0utH7pSm7J1kvzIeIFYjDmacwBQmafB04SeCuJ5EdGHkjYQLXBdg6fAzXbEPZ9+YKr7ppzeU2RM7g95EAtjlzElOmdBedaCjVbP9pXz3F/pLwqvH14zcv7Twni+OD4AaHa7KVZqthdU5oKjSVDgs+ZVbC4FFPNSTmhoeKoVFdZdGHMJ948vOL1+DlTPZPdQnWtym0J/cZz2YLPY5DV/l0rqsve3AJUg/1r1caeVJyzf7+f4wc6SBlrTLemXalfpmd/+SQ0dFVXiMAZu6cFqNWzR6plIBeKpH1fcVT1hPZw8BC8EL3DNY6hd6ax5YTGEnN0eoXLET93yG2EMcBpQFRITHz26bdJ48xNt+eqP3IVD6RkVUZdm8V1NblrtOlqjD0Tjm09Jx/wzrPagQBc+lPN5qNN2daqpCUbO2qprWfl6fY9IQaj0Je1InXt52zs14kH502tnRUHF/phhzhH10VyXnDObLBrG3Kd00Qu2fTInMeLo/hlE1l1sm5S5nDrxZHVCCnrZqPOU2vGiSOlqc1WCacNUhAT8MyZ8Txhorul0dkVajaTUy/sh56+CwxDjxkPDqTpgfOycHu+5fXDF3x2+yk5TEjIjHmiFqHOwqE84dBf8Zxn+E7YH3aEuAc8KTfVEPGEut96i4hBeuc0c14m5O416AO1jjgSaCWVylwymURxtfVjHBcMQJtlRjGmpDNIJ/aRYRi4Oh7pB0cMiVwqeTZVBbSiKeOyR0rgyj/lKjzh2n9Mry/w6UhZFiimsFGApILqglNPaMGLaurYPvR0fscSx1YxWLDKxYaFURtD8I1q7KgNAlw3rEotLUhhPUgT+rWqTRxE7+lDZz0+GpqRCzUXamqOvWnZZs20FJyI6fq1amwYBoPzYjDCUIzsDofWq/WtT9duVlXrhalv+0HdiFfBefCRfTewG3p6jSzTmameOOcTNsQkMAqoQ4qdxeRGPk2/xjKOLMxkV3i++zrv7/5AS2YiSStaIFQM2Sn2GqJGjv7ILg74Tvjl3/xv3N1/wYsfvuGpf8HRP6Gc7O/FYGoUJkdmGbZ3fgtYK/STG7znnILPTOmeN/MnfPfN/+TT069zv3xGiSej1OeMaCFW293K94TnHiFVrMhWbbBek15rRUNtpAsLnJWcfx8EKVihAXNQdZeHWxTfnrWWUKzinmvf8HHzbp2vegwPXn5Da062isRw1cZaWeEpLhfHXhcIHlc6XI64uYPRwxQIOaJq8yOn0z3BRd7cfg67Gb/LOB3sBbZApXXNSmXLEFWkESCsirIms2M129OVtPClo270fN3w6tBmalxw4KWJQD4iotgJ2iBRO6frhzXjQ0sanIOu66m1sCyBJVXINoBcymUOqGIr+EJLtdfvxP7VBk1SjdTiq6O6YmwvEWpJWxX2WPk9LZmcMtM4tSBdCU0TzVHxTqhOcLWiqTNFEEO1yNV00JIW1FV85+gOO3AdDw8PRi5ZlCIzSSOpLhfq+brGRKy/4mKbTbLzKs7WRUgLcZ7IpZpCfejwyTHnNnieFApGKGnrTx83wpvaiLRhXXHGoBz6gRBjm3czBY6SrYoxLz1DEAJC7w/07opQr5A8oBKoORkJhVWTzfQIUWmJkaEUWi2piM5BKFQvSBaKr7gcTHhZqwGe0hh7rYe0QT51lTQqxsqrqz/XJbl0rZqStvZWF+CSa+thruw90+bbfN4ae8x5R9dHQgzELhIHS8DCELfB8c0z5LLEt6RiI0it/GFxBGdD796boHFSq4BdbfdabgldAXWF6itzSRZ0Us/N+QNyVXr/BO/3iNtRWq9OixJqIGjEZRNh7l1PHzu6LnB3fo0X5fX4OV3f0ccedLe1iJy9+cb1s6+9c6hvwtNtedZ1LIDEXEZO8y130xc8TK9Z9ERlAkzUlmK99Srbb/jqLrz2oB5Bemu1tJFcaIQoaYogrT/9/Rw/0EHKtY0nuFYY1fVE2kyQPlJtsBDmW0Pehhu1NQWNgFDJagbva9UhrYm7ViXtTjfFBhHwvtkzWGNXnFDxzXMK1AHqcdMOHjz11uFuO/wS6fVAxrMI3L55yfnhlvRwzwfXz3n/6gWH3UeEsCPGgdUAbr/fEYNlzKtLrKky0EgHQLUMaj0eMx4fq2qvFVrVliAHQ87wbUHWFkga+WRdbCtJkrWC8jZ3ZUxCIVZPKZGUFrrOVMjvHu5tBigv5JIsUOU2q8OlZ7Aa/4XQWQbeLLNVBJ11e89D14YgVclLbrI2Swvm8OjqrbWzzWx5x9D1toEh6GKEjLv5bFWJr8yumARQdNwcn/D0W3uefLADX/j1b/8qOSk1watPb0nzxO34hi7sGMI1MTuc61B6us4RQk/X21zZ7jAQovl3aYGcCl87TZymB6Y0csr3TOnM7fSWl3efc3e+5dX9S0ptJIq5sNSF83QmNWtxrdY57/uBq+M1T589BTIlLZzPJ9u8i4npBuc57jp2MTK4PUd5wU6eU09PWdSqenEn8DM+ZLLrqC6izUtawPoo1RQ6QvMh60IEsTmjUoVchGU+UUuilGnd9e2ebGuyNtg2JSP7VA/eCyH4jYm3EoVcg8Bs7cKyLCxzNhSgzUABW0/WvJmMVOO9Z9h1+BCMZDNEXPDQWYJXaTkWsJJ6cjXJpNKkk9Zz6IuhLx5j54oIY5oYdSKRbTxSPbKYo3GphXSYyHHh3J0Z6y135TUPrydu5ENen0euj+/z5Poj+uFIkEBcBFd3+NLhcwDXc72/4enhhmdPb/hvv/ZtHs5v+E/dwPL+iHuqPPU/hFRPWrIpyARzHkZoFanb+uSN2kjykEnM6Y43p8/47he/wsv7X+f1/B2m3WsUE/zVAlKcbRBSjCXajnfU7VtyZr3ud6stcTRYz4agrb1iYrq/Lyop5x3Bi3k+0Vh8rfy8ZGzQCK1oo5gLDpXyiKViG7FRh9etjUv2x9rPUpx/lLH59jddveDKWAVQnQmHUAPMAWaPzh6XOxuW07Z0XKVWmwu6f3htVO7zyNWu0nV79rtrhmHH0PTLYoyE2LGGXfO9UlNNLtrek9sK8IsK95rhmM7a6hOzMm3WRabK2oa1cyOtp9Ca49ICXlVztlVt50sciMMHmqL8HueFUhIP5zNVlXmZTK4oL1v2u1apltk2K3U/2+tCqGLU/tBFgncE5xiLCVWiaozGUik5bQoE6pxR/UN8FMwN3lmHg20UoPU61mUgjpvDNRoHtLtDdon4pLD4e1JN7I47guvo3MB4t5Bq4TDsjIXVD3T9Hh96Yryi6w7EbofvIr5RnE0zWNAE2im7sOd4PJDKwlTPLHXmnE88f3jGw/TAy9vPmdPEuIzcnV9xmu8o5YG5BhY8cz1RpdCFrkGrmZyajYmCw2jHTgMeGxq1mbqMCuRaOS0zWUcWQHsb8q59JYopkUtzKK5tWBmbrrH/qomQrnCvb+oQ0dvA/LK0mZ2crXzXZgzYBpStj2USRlqjzVdVe21aZKuUtGZUHaVAWQo1FSi2Fp00I0Bva2Q1EIydMS273gKTjwGNHvHS0P7WZW7XXmttg7+P/62NpLHeP4VMbrqgBUxQ3/q0VcALoZha/Erpzk4pXsFlFjdyV16Scsa9PnA8v+Tm9IanTz5gF/Zcpz1IJTgb5C1izOKVNu+CkvPMJ2+/yyFc4zTSH96nl73JSIndw65Z5fjqkNL6eJjIsEl8LiyaeXt+xRd3n/Hy9rs8LLdmgSOtyqktyClbBcS6E8raZvlyFfqYQGHjQZTa4D17rjfOPc6ZFdL3c/xABykru+1NV7UAs52odVMWNYwYx2rQ4BBKazSvcwAXQzq/9aZsY15XMbZht3GhDc4TWm+gUtsNa1BY8+MpAZY1UDmkdpvtQdMXQWuh1MQpZ+o0M7p7HvYwdEeeXGeePX3GMKxBygz4HJXHS0TajM0KEdt0eAtQ7/QBLlUUGIShAOo2qGN9be+Yj67nQFc/JajqUPVU1vdslYITtiCV8oLzBkEu82TDp+8EKeyayMUA0DeKLAoVj3jPQY6gHgmeOc1o8yBaickr/b7kauw6V/E+NuWCVbXAt75dIEjAt2tlgpwWjG+Oe8IOan+P22fis8p33z6wLIlhP3AYjtzsn/L5r79kXBKH4cB+2DP0O/phR4w79vundIMFKbzDBU+/i7gA4hWdrRntehO8rVJZWLAtcOZufI/zfObF2/c4TyduT3e8fNtzd9oxTbdMpWeq5hRbNBFjb2u6jSLUmoheTO1DQlMxwO6TXClqM2wlV853ExnHIgV3MIsKY3pEhAguYGr5F3HQwNpbqmbe0GAlk66KKJ6q1vvLy0xu1ZQZB2qzM2kafZoNvqzpEqha67Rm81CrTWGhFDG7jXRxPvZObN4pGK3ce1ONCH1sjEqbg5Lg0WCBRNflvFIY6zoc3AgYbVC4ZKW54iClophZZG4oA9V6T4opsxj7I14SxOJMiDcKSCX7mfv5C8YyMj5U9uEVVw9v+KiMXA83qHuORIhdh3PeVOybw4Mpn5t552e3n9K7PVodH3V/CDoh+GhJZBVc9Wh1OFPJNoNMCkLFeyNMLWXmzd3nfHH7CZ/ffpeT3jK7scGbUIrNHYqaw67QCGmydlNaq0U2rOKyU2wkCRoszUa00JbcOn8ZDP6djh/wIGU3vdMV3HkUpFbUYJVeuUzDWl9A18qqZVVqQesxTbJsE9XtMojJ8qwbnHfBMFZX0GiySM55fI10acDNHpki8X6PToFSvWnMrbMRTSPOrVRpKqeceCgnzkm52j/h6smR/hh48vyGbjfgCeZJI55VWHKVznHON40u1xh1W8t+6y+t1dQqS+MwEdlIJGD2COKsMlvN3XDaqMFC14Wm7hBRDeTqm72IQPNJcl7ohh0q0C0jIQZcsP6bVWPFWgHefmcDaG3zVCWVyw2wG67ZDXs++OAD0IzWxOefvWaezpRlIvpg1VFjoJWiiAxI6ElSLbsXq8icBKoGnHpE1iFRc1sNEYZBeN7v6IZAlI/47OG7/PK3f5Vf+u5/5mG55YOP3+P5MTKkyke7jwHP8/7r9OEKnz0uWzXY+54+DsR+R2qqJKayYcmEqZJg+ryNlBK1J9ARZUfYHbjpCk/7jyjZ5uDGdMeUHvj07W9wN93y+vSaT+6/zf3yhtf5O8zljtu3X7CkEVCDRHEGrzTDvKUWk+eRQJGETwvM53b+K7dFCV1gKpljFoY+4+QK7zsb5vUZFWVRxWO26IrDqal+eVcJZCRGtCUGRu3vyflEqYlxmXFaca6islB0puSZlAqhK3TaHLedR0siTxN5WqjFUZO32SoqvlejjAdPiMbO84PHhYCEgMRoah/eU1vyo48V0ZvO35osrdRvrU25pdbmleYoWSiMFCZG3pJqwkvka7v/jYUXpPhN+r0n9OtAs0c1MurEpDOvpu8y6x2TfgFupA5nZndPqZ8y1e/w8PLXiLLn6J5w3D3javcCFwZUKrO+4eXdt3l1/23G+pLkEksI/Mp55jvjbzDNhQ9vvs4f/sYf4aA3DHXPTq8Q59Gwg2TBYcxnCxgeTumO++Ut//Xb/29enn+D3xx/hXN3Sw4zdbnsia6RWqS1QLx4Hg/rCsa+ZGuIPG4rrDOrF+m20BTfQ3DWw7ygh7/t8QMdpDa9Ub1Aco+DFPYtDMpiIx1sFIv1OSt09Ih9dCEM6KOftR6MF5OWCeKb7wpUj23mzvS3vPOIBqQ0ueJqkCPNzO0CN1zKaGNuGbTig6frI8erPfvDnmE3tEnydZG0LEbrReBxfW9r0VMvpnvr8bi5acHN7OxX1p4N+trielyqredubUobzLNhJS3gq/XwBIJ31GC22CFar2CtxAxStJTMbcKX7do9anx77zgeDgzDnt3QU4qQFrP7gEKtpgMu1hW0yqsqRT1SPVWLuYnKJVivkqdbG3iFqYJYz8jbde3DQNDOXF7GSloq6VzJXskdHPunBNdzHZ/gxKSidIVWVphopdhq80zCqlAT9byIrdq1ovU/nak9eIXgqU7pfKXvOlK9Auc4zA/sds+Iu4H75TXdKLw9f0p+GFl0pmomV7XBZNEWEJSCUp2AeNNJ1EgMkaDBxh4wlQ8zDkxkv5CSQW1CAMmsLXiVZnHiPL7BW06tQS5BGwTomzRU2FRhqBcIuem3U3UhaSBWT9WdKb9IgyWzMI+YS3WOVjk7Ws/KbwQm553Zs6wSZdZCotSmmCArRN2uRzUh1pqbeWgLVqt7szaYz9TVoUois5jtC55d2PPe4UOKT9BnuqNJj1mV5tHSM5WZqczEeuQhv+Q2O2ZeUjlT3ZmMVag5J7z2zPKWs7zlQd4i3pRN5nLH/fQpD/klxZ3MksV5UjLq+Cf3v4ZK4vnpmhIS6p4QiHjX4V2P6yy4IEIRGxS/m77gzflz3pw/5W7+grnek3WmaG7r1KBZt97fDY2Cdf9kaxW8s0kgvAP5seKG9qzSoMR1PKH8fiBOWGRe3ZYux6P4whqQ7OQ8sur+Son6yIRtVXQuNm+xnVhnN0JwzibXxTbA6lYoAYRIkI6oHVWsWjONMWPGuXXup6lir6/D6j3XBDsjX//ax3zw/CP+9z/8RzgenrLfXbGc7XWtzCUnNJbUoz4a2txdmybYV0/IxhYEbCE22w4XPOK8wZfCFvwVMXVyCfb6nMP7ivcF71tvTC1SO23acMHcR2HPYdfz0EX7fUWgSNO5c2bt4dyjxrdn2A30Q8+w23FzfGJzX6pMY2aphRgCtYvmCKyZXPKmPFBLRbPdIF3sLOEIDpXcEgBP0UpCranoPd3QEzqHHzzZmRlj9APH/oYPrz7i7c1r3o6v0ftKro4Fz8c33+LQXXN0T1jmyjxnpgXKlJG7E6k4hgyh78BhvRWxsYF17EFY1aXZ1pgPtqEokJPpHJou4EAMPc+uBm6uCx9J5kf8H2HhzOen/8X/+u4v8V9/7d/xG69/mTHfk0gQS1MJaeu+QnQdnT9w1T9nV54x+A9w2diniRGcNo1IU8s4n88En+k6JaSC92s2HMi5ELPJblVnkjs1VJtxWoetMVLEglmtq8uWXbtKcQuLTGQZoSqaKrF2UJWOnrQUyqKcb4vZ2Ghvs00xNOfqltD4lbh0ub9Lg+7WQ5wzCcoGsaz3gJayPbYqrJem5E+p1GWmLAuFGdMizFwfbng6POGbh28RhkB31dPvB+t7JU9dAnoamFlYdOKz06/y8vTrfOf2P/HZ9J855c+4zb9J9g+44cSUP4fqOOcdLu/wpwOpzbTN5YHCmcoZdokqZlOScdQa+PXXwpuHb3M/fsoPv/eH+ej6m7zXf5MhHrkaniEHJWpHnHrmOfH2dMf/+Oy/8NnbX+WTh19hkjtKOFPcaMO9yQK6a1vkIwLvlqh+D8JwW7/r5xe0Rldste07zl3mqX5fsPss820ZUntsq6C0wXwbCUJYmXprBnDJBC6BaW36WZC6wIeb/py32Q8vQhBpk/6O4hqFG1P+DrUnt+yNlebwKPPQ9aquV03tuTF09PHI17/2MR++9zWePn2G0Bl++3iRqBFN18xw/Z2rXcG6SKStsrWq2tg3YjIqq52GBSnzgsJZBr6+Xl2hUvEWaJqNhmvUZpOpsRkTtG5VgUPoY89hf+T66oab6ycsy2zCwJ0pVXR91wR5faNp22MhRrrOpIaoMJ5nci4InqHf4YAyT0Zjrmbypuh2bqgZLdk0B9faSdSYak4gCmHX03eR3XFP13n6IRKCWIVeHVe7J3x483VccJzziTFP7Pojx+EpT/ffYBcODG5PDAkfZioLpQrLksHN1OoYkAY7raoeBlexrovtmtpHSnZ9FJPqMgZmhWoJTyldoxAb1Byc54PdDzHfJM4vTtxNtzDB3L2FWMlxxndNgirs2IdrrsIzngzvsy8v2McP8anDFU9hpDaZJnHRKi5nJpZWtRt8vlrNiGQsKbJ7ozpHzRmv2pIogZxgWUhpNjddXUiYt9OYHxjzmTndM9Mxlp5CYeh2puC/ODQJeRZEA0Hqyr8wqLEljoZAKORMrQ55hCBs1HS3dnHFhr9r20hLacPF9RKkqg2BUws1T9RiVYZKJTjPPuzpu4HdsDfjQjXxYVkcWhySHJIDUQey7pEgHA5HruOB40PPm/k75LvKxANzPVF8hVCRMFNQkmYyZmaa/IxifTrErHgyCtEIQWN+S60z5e3CUiZe3n3K129ec9w95fnNR1TxJK18+/NPuD2/5eXbz/jk7n9wN33C6N+S/EQJC8TayGO2QzkVgjRm6KO+k3tE2b/0nr4auLb9dGNc0wgZVk05J78/hnlD8PjANukOPGqKtie1m+txwHKNQirbJqxf+qitYqlfCVJ4c3U1AczWQGwS/ipGqfbq8T42KGoNUtJKZrjgc+vRqr0qBN+z3x15//2PeP+9Dzkeb1gmoyCLlWrWKwLLPrdsRbYbb10gXz4sYXzUY2vT/NIUuy+VFE3w9BGJuwW0lXwi1vliVWuTRiuV1utaZZii79gNe47H6xakFkrNJuYZbMDyAgtZ0PYNu3beo0ulLKZijk1LMXQWpObYW79ArdezYXoYGUVbj8HSPPuooqYG0nnivqPfDeyuDsQu0O/MZVZqxWfPvgN/cFxfX5NYuJ1OeNcT3J7r7n06t6NzHc5NiBtZ0pmUKlOqMCdqdcYwDB4JQlEzolw3WpqNyVoZ2zXSzdV37SOan5S37kAJbRTAgRZ88NxcHZkPE6en93z79S+zMFLiPRoSGgt0ggRTv991Bw7dNVfDM471OcfwAT4FfPaWsUsmS6KoDVRrvUhUrWvI8pzaegq6jRpV51BXrOHuzaJEcoK0kPJMKTO5LiQWZhbO5YExnzjnW+YaialDa2WIO2OFpQDZ41KHw5TllYh+advaNr+MwdRVHiVqlVWBW6SNZqz3iZpihVVVW/QzmFGrkTjyGS2zJQrO2QiI37OPR47dE4MyNZDndl6q4CqEDFFNqqsPO676I0921+ASw3jk5elTSn3JqUzU3gazveQ2ImJkESvmMrAy93zTKtV2rzrm+MCynHl4uGdaRl7df85UEjfH55zDGfEduSr/64tf5c3daz578wkP5deY9DWTN9WSGhP4JoqgmNyS7TYmSrCVVHyJ0XdJjte+1Jf30Lp6XrXvrQoY3rvfH0HKR0eMzeNnrSrgUZB69BiXhp9bK4gvMVLe6UetJWv7ha4FoeJKE7lvFHNRaruGFVPjDnh88W3wkab3Z+6jRttuG397nesmEHzP0yfv8bUPv8XzZx+y391wPk0mAdN0umC96JcLvDYxnaVA2/vB++0GLPViLb9mlqFp7/lgA44hBkJv1aGDjRVl0I1vwb0NQzfo2ipSOxvexU21elmSVWves98/wfkB50Mb4KzbtH8Iwaj7zpOL2Vacx5F5WRjHieV+oaaCFLPzjkHQeKD0id4dmKYzyzyS8mRutmVq1R6gxmiisaPECcNxx7Dfc/P0CddPrtntd+wOO7wXfHDUOaGpwN0MWWFaOF4d8J3jveeR00Pi9nZiyT3qAuFglia72CHxSEqV87gYXboq85SaPFEjjqyOtCuOomIMstazqo/g2nXtKUrRhOJx0ttumI3ujDiSFg7hGT/03h/mdf4Nnk57PnMZ+oT0BS8dTiK+Dqbirp7Y7dm5G14MHxBSxGVP1ntqCyEpmxyWacA+Ihy0+0qwLDmrzSkVNe/nLEKdF6tqbSAMyYmaHihl4n55zX1+4D7d853b7zCmM2N5YBd37MLAUib2YY9UJdaeqD37GIheGKIRXFyw84QqTislLWgxx+ZNhmfL5Os2FMyjpHSF91a2q5aLWnoprU9VE8qMkkwWyXXsd3tivyOEHdCBeiR7yI2AwYK6hOwnJPdICWgSghs48CEfH36Mm+GbzOr5zv2vML/9rzzkV1Q3UfeFUmx+qAmsAWFbD9L8nzr1NsRcMznOiMs4D1/kz3g7v+HNJ28Ivqf/9sE6tqq8Od2RaiLVhexvKTKSdbIKLjYmcwW3EovUtWSz7SlOLkng94D7Hn/jsT6ftgLiIvZN6ycqXxqp+i2PH+ggtTZML1VS2/hZsedLhbV+3xA2v/FR3j2xuhEZVNVmH9pTrEWjhtmv/+mGIm6Dox6H19bMbewxcySQL1VQX/7c+lHDcODq6gldN1g1thRQt1V9AvbHKu+U0XAJW7YY1uqsbudjfd47JAi/fggSpCFQslWOG8VgKwjXk8GqsERVC87KWtXCCjdrtd5PiB37w9Gm2BsT0SwTwtbwnueZJSVknKmlkpdEWQqalUBA1Ftq0Pp2DCDGScRJIMtCSbbxlEe9Rddoyl3fszsc2B327K+O7I4H+t1At++2Zq4m68eVJhKKRhw9wUViHFjCiJNKzUKuVttJE9ntRfGhUtSbe2uuW09Py1YbNeWJR4tGtF3P9tEEhS+Ul3VdKypmde9Utx6rq0LvBuhvOA7XnDgQspgWXlC8BFBHzZVpnqnpxBgnjjET+kjneusHaqZgMlsumWzNSsGuVZoI8OM+Q6tQ0W09liaAbMaECSkZyQnNE6mMjPMDD/Nb3s5vuZ/eMpWRqZ5BTHF7X3cUjGEavCdKoIuR6DwhOKPxO21kmNpmlixozSUbsPuo51RbkNpUZ9bGf4PJt95JC1K6aoCqQcMmNW4q6hIjPnbmZ+aEoqXxi9bKoVJlocpClgkvgFSKriaenj5ec3DK0/3XuF9OHP3nLOlMVkXKZJW8wSQYTtOEetU1ubY2B9WCgFkM0WD2RK4V6hsLNvnWiEJaOdcmVuwrxc3Wo23J2+VSOkRtrUht7GE1koxti+uwybvJ/Spe8NWdTXh3n/vyvvf9HT/QQcq3IT23svXascJal/6UBYjHm/P6+KXZdwlU7ZGv/L3aqJRtBNSGGtvP+CbW1xGN/ZeNbFBFyAVzLKgXiNF5f5GCacV18DuuDk957/lH9N0B7zoKS5sa9ytihd0WjZG0ZoTbxmbH+l61mczVhr0Dm+Cm974pQHtcJ0iE4myWwntvrW4tFC2GTwfZEMA2h2s9ufYaXDF9gva/dtNnE4H3nv5waO+3bgKyXd9tr7UWJSdzTk3jQnqYKTONaGGGfVTrrzgvDOFIH0fmbrSKapkoOTCVB1IaWXLGBbMSOVxdcby64en77zEc9lzdXDMcdsS+w3XtHOVszeMizLOi2QEmPYNGRHYtsFbmyVTW9wgxdsQ+EHdWubpuYVkSacmkZDM3KWdKaRugs43WhsGl9QXXuoktmVn1+rbrqaB1aQoS0LXhZ9d5ah8YdpFjf8Nt2rPcTwi1qbEYk20+zSxvJ+r9W16Mv4m/3vOtr5k1TcdgzD0pqN+ZqkMqLUCxuTBfererWveF/EEulGRagaVmclpwmvGaSfMtSz7xZnrF56dP+fz8GW/qWxYWsiyoLCCF6+GIxAP7q4Gr7op9ONLJ0dZ/aaQSqeCKbcA5M6WFVApTmm0tcoHxTC/u0bkVtmpfeNRL2dh9akjL6izdBaTr6PZH+tjjhwGipzgoeQRMacXGNZTERGJhqiNBC56IkwGqQ7MndkeOoePrVz9CzYXpfAd3Z05FyPNkFb8WMomKSSMJntrcj0UVSsLmUDLZeeu1KtAVJFQmTY1Fis3haaHEckmCNLTEuV3LAg6PUw+lM3eI5vagohTJUDLqyoVN6d7dc+VLUWpNwkTdhQW87Uuw+pp9P8fvOkj963/9r/nbf/tv8+/+3b/jk08+4Z/8k3/Cn/kzf+by+n6Lv/y3/tbf4q/9tb8GwI//+I/zr/7Vv3rn+3/+z/95fvEXf/F39Vp8COb6Kl+N7quD5+PWzCpz5B5BfRfdqRVbfZeR8vioomjrRznA1UrVbD/rDULzKrhmndPFgO8dNURq8Zs5me3uDccV1y5kY/0VWJZqlNtgArjrq/GrzuDjjWF7z48DlNtymBV7//IhDV93MeA7h+9MyVyloA4KtdFSl0atXweebWMiuBa0zZ4+V7ODN3kdwEHVQqqpycxUQusNxGbAJk2lA7XqIS0LyzixnEfKvECxTNXgu2R8iCrYgJEg4om+R/omreQC8zxbH8ILw/7A/njg2Yv3efL8BcfrG66ePCUOPf1+T+gtgNlVtyFDg149BQcu4rqAPxzwu4j0EZ8LYRdZpgUtmTFN1NhDG0JW56zftZJRlkLOhTo1YdhsG+tGt/dG+w9deNQnbddOV/YnzdAOlIJrFG4JVgG7GCAI3oPmSDoLrz8Z0ZiQXhEmg1xKpTwEGDte+884lBtOT9/ie1PnUHHgBR89HYHgre9kWbtsWo9lS46MCKJaTR8uZSomOVSKDRDXpZCTuVmLU2IPL66ecNXteLm84pxOvH54zYvjM54dn/MH3vsRjvGKI0cGN9jcXmkJTE2sJpwlW9WUa2HOiVQyS75UUiU3A9BcGjtNzJdRGmze9s2+7zclEjFiK13n8SHQDT2+73Fdx253IIRADBEQu6ar60JZhWgrS80sKGcNuJJxWohabaBagpFBNLP3O57tnvD16w8Zx+/iy8SbVHG+4HxBMVWVIgb5reMrooqQUKm4Wk1VBLFRGNpMoz2C0GYSW9llcUnaQLWYqzXYvKQ2tfuyzpsKxTWovA0CU1e5OffO3mn707oB6Tvfc27diVa4T7ZA97322O91/K6D1Ol04kd/9Ef5S3/pL/Hn/tyf+8r3P/nkk3e+/uf//J/zl//yX/7Kc3/6p3+av/E3/sb29W63+92+FJtJapbJbgs2K2W8fjVIrVXMJiorv02Q+h5/T5TaPI4M+bI72CRRaDbvNG0/iMFZEPARnKNKm3N6DLu137YOI9cCKa1WBLapX96TvVYr77dX9ejjUbaynYtH1WF7ytqX875RxaM0g7u17je6cGmW8bIGKWl/uJlAbllrG0bOxTKqlRiYa2ZeJubFHGj7MNCFDgk2YCuNHakKlGL27stCmmdqSs3S3V64KRLYOUFjg8BdU5VYWZhC1+1sI8/CcDiwP15x9fQp10+ecri+YXc8msRS11tl6M2V9CIJ9Ygg4h0EhxsG/BCRXnA5EAaPBAs6S17MmoHYBIUFF62pLcGjksEJKWekWPZiPkotay91g1udMwLLZXrqcqFXcWFjMFbw1eaRAki066hOoHSU2XN6vZD9AqEAM9CIPlPALZmH8Jp7/5rz/GAVadibRJuzKt9FmwE0fTVhdW9WVXIuF3hL2+eYAok5oQvOFUQrS5pIxQw8fRBidOyfXhOeefolcD8/oK8yL26e8f7N+3zjw6/Ts6O8FZvfqkaHL1SWktE2hJ/qQqmVJSfmnMi1WbO0IJVTRosppq/kFG3UNSetL1Vb4CQSu4s8V+xNPXzYD4R+R+gG+mG3zSmujMuiRmqw8Qa7pktRluqYq4eyILXS+0Jwgc53kEyIeogD19018+EFL8MNSe55m9ud7BUnlvxZyDGvLrv/K+IXXNNCdGpkkLUVQUsG1iDlWp9O6mWNr3ZG8mh2xySQ1p65PVy5BCmnFxX7x6SsLVDpuyy+7ftrXs1lQH+FB9+pvn6b43cdpH7yJ3+Sn/zJn/wtv//hhx++8/U//af/lJ/4iZ/gh3/4h995fL/ff+W5v9UxzzPzPG9f393dAWB2CAHnWma5VioKtdrJfix4uDpDrlp1hlOvJ5mvbuhfOgqtB6ViumHOID+nAYkG90lSXIDQOdyuo5bIEjtyFnJ2jZJpGY1bewoEhIhoYFmU02lmnjN9UPrYbX49sg7aYo3qWkqDjZt3TntfzvmW8aaN5bSW5+Iw/T/fJHCiM8pxVHy0TX6aR87jGTB31qHv8GA3ZVPgLs5ouUUfWZ9jFiJaK9M0Ms5nXt9+wf3DLcuycN1/wPXxCe8//zqHoaeLEUmgqZCnhfHhgenhRB6bTUAqUE1RO6lSaiDniNY9IXQMw84gX2fMN+c9T90RCVe4KDx59oz94cjz995nGA7EfsCFDvGNk9hgyVTVIuxS7CLjCMMOcd7sxK97dHDkPiPO0/uOtIwsU2XKozW7F8fONSips/6Bb4WQjxbhQwyklJmniZIzyzybyWFWSkk474mdvT6b8G+oQAuiqLGikEohkV1AnSPEDqLHBWHffcQxvKRfrhE9U2SmNshF+kwoiqcynl5z7z/nzdtPiK7H+45UTC2kN80HgpgOnt0zcYP7YGnrKyMtQNnMm6mX+BDs+94xBCi94LuA+pmbnWf3fs/u/Z7/+8f/B0R4GE8MsqNnh7+PLHeFN6d70piYp8x0MjX3lCDE2ISIIy4IXQjbMHFu3muoDVSLmqS0NB2zGmiK8b7Nq1oWa27cYkrpXeS43xNjpO8GI53gYSlNJFlbH5a23iu5JqPX12IK7VXQ7KmcgITGiguBOQ74+YCPkb2/5koCw9VTpqewCx/w2ctX5DKieYKW4GQtKB6VYAw8NQqWmqgeXVnYhsJFL1AbIBg8rqqQ276o2BDx2ouiQffaBrlrc8AWKCw22+cKAQjaiDTaZjWblNw6T8r3VEq/jLxs/WyRJsLwfWz+/B73pD777DP+2T/7Z/z8z//8V773C7/wC/zDf/gP+eCDD/jJn/xJfu7nfo6rq6vv+Xv+5t/8m/z1v/7Xv/L4ZpPRYs1aQbDy9hXK42CzBoUNHvxykNo+ffRJyySxf4pIa5Y2qK7po+FW5Ye13BZKMvp0KYFaV2XyC8y4ea60diSA2VskcjaRSzp7I3UVbFTdfG6qrvRv6zOt7KU1D7rMfrRZhlY5em9aZ9YApolU2PR7kYW5nDjNt8zlTNGCi7HR3avN0VApdSZpomiyIU2pFDEFgaKF03TPw+meT159l7t7C1IvjmZ6uN9fI1JtHiUXNGXyuDBNk23cudlaV9N2Uy2NnWiMJnFiahJe6KTN8XgxG4WwI/QdcYhc3zxl2O3o+8FEeZ3ZuitirMt2/xh1GMs2W29vpeS7LqJBKN42BvXSeqEOnwXNxbTQciYWc541CwhbhyYHJfjY+gbOmfSOQC2JJbXeSaq4ahVp6CLQAhJWRTV0kGYWY5BWkzxysgp/OrzvCWEg+oFabPiU1l+QUjevtCXPTMuZ83LHlE3cNqvDqce3ItIQmcYmrRf9x8fzeNtMUWmEDt6d+/LOIyEas9ObCd80TcxvR66/eU3XdSCCTpCmRB6VsijeGaGmeIcPtRVzZkninEkuIfZCc7VzSLYNs+SywVurjYx4g+sLlXket3sjulVlZIeIx69KKo35J5ravlCoaqKoquYWrWqs2Vzso1SDF7WCKwVcAkngTUm9iqfWhZIFHysudoR4w7H7iJshse/eY9Jb5grmRCp2c2L6gGuLQMW1xLAN46/BwTVRgC1Zt8SZSpvHbLuDZIS2X21PXWk9pW199nllJZGs4hF2boorXJwmWnIvjwuCda+77J/ypb0a+f6i1O9pkPr5n/95rq6u+LN/9s++8/hP/dRP8UM/9EN8+OGH/Of//J/52Z/9Wf7jf/yP/It/8S++5+/52Z/9Wf7KX/kr29d3d3d8/PHHj1w36yO80z2C88CvM0NyOVErzPfVcvPdmSloGO76XYHosN5SBUe0XpJ3FGYzoltzCRVODzPzW5hGBzniaod1E2lVVMW1IGWyBOZWOk0nlmUi5wGlN9v1bGboq7BmVmPnOFrW7S4uvKXkbUNHLwaIzpkcju+MzUXoGjPeBGpEM6mcuZ1e8vLuU9JSEA0cu6e20KuSW+N6Tg/MdSKpOclWE/+nNH+dt/dv+OL1F/zyr/xP7h5uSanwrWdnHqaP6Xd7lnRjtGPpLUidZx7u7lmmkWWZjMigBVhQzeSaWzXhyDXjfSSXmZ3uULcjBDPi64cr9scjw27H4eoKH0w1Xlxgk4xqWbTNuLVcZLUiL83uo/O4GPG7QPUGfWgblfcxEDtzXtXJLMvzvBBCQBV8Z31SBKPwOyU4B8Hjcm3Cqx7UrCZyLqSUWlaa6WUgEAmht2uqrsGcrsG4ZkKXSqa45mNmoZfQdXT9nqE/QiqQa7OqUaRYL4LqGPPI/XzPm/EVh/k5fTqitbfgUDtciA3+tYoBVXJug+J5rSoWSkk2i5ZSG79w2/rXNugZYrS5nypM48yrN5/zZn7F4b0D18+uqShvPr3l/tUDu3RFpwMHeYrrewiRLlovMlfZ8srg1tm+QMp2f9Tz2cYQlrk5VitdE/h1zjGVxJxnXn3xmbECtfD06ppdvyPGF3QIjoimbFXjnHHFEA4kGIBW24Rgm4GySsqYnGUN1loJFAgL+LYnVKGmzFJmKso0eYZdz+54w5P4f0GO17w//g9ej7/JPCoaMviAk0JR1+biALJZu4vBvtFbotpujYa2GKJSS3uQ9vNiED2SKZjW6GbFg0JzhlAsoFcxwE8fUcWrVFP5qbXtv+s1aa0C20abbBptr+WdKmr79/s8fk+D1N//+3+fn/qpn2IYhnce/+mf/unt8z/6R/8of/AP/kH+xJ/4E/z7f//v+bEf+7Gv/J6+7+n7/iuPR1Fik3F53JRbez0A6lqf6fEP6lc+uXwtj3o5dUNZsVvVFoYQAI+rwTIUBZWE4cHNlZUd0zlxvqtoqnhtgVRtXsrZigGtZtfuOvrdNU+ubnh2fU0/eHwEJKEkKgldPaNYN1nLLttd24ZXa2O5GbNpzbBt4ZmNiHiPxojb9bgouM6R/VsSD7wdf4lX82/yMn2HlBxCz5X/CK/BPmpFSSS5Y6kjSWcWP1FdJvuFKoUqhcktzP5Mn+5xL2+pDzOfLf+Vcrpn99ZT9Ie47p9SyhFdKnVcGM8jyzIyl2YZINpIbyu5wTK+WhNCIc0VDQ5i5Hp/RdcP7A9XDENP1/UgZolSMjjfdPPaNRaHNY7XX1wcaGgj95b9STTGo1muOLSEpiotONlbBu6UUoUyF7JLpmLtuo1IUzGyTQ2gLkCoeIkm3lGt6sRDHQtVlaUsSJKmTqENUgGRgdXyQAmI67CkCnIdqfVMLYVTecnIF6RhJPmRXEZEe6uQ6h6KzewtznGWhZflcw71OUM9sM/PbP+ogVwWqhcgWAVRMbJAqdTmvqu1scyqBUPrj4TtfvQubG4ELhzoXODGK1ocIQXG/zWTvvuWqWRCjVzrC27CM3yN1CmgJaLVc9xfGbszxHXaFHHZqiQCOZuwcL9bGMeR+3jH27evGMcTX5xurbfjC0s4k2XmpG+5fnbk+YtrbjoINTHfv0Tuz9T7Mws7vERi2OPCYP20zpLTx5Zqui4eqXivOKltLt+Z5FZTkDdovo3dTSO5nCn6lr4fmE57uiuhdx0fDl+n5jOn6XMqGZiIoRCyR6utPcQSEhUBbzYsq6rMpX1hAcBcMdTMF0kGGxc1dOKRAHVRoz/VohRRU8lRQaqlz5dUpaJOtqBlsF+7Hi1QiVvRrXWMxT0KTq08d+vnX9nSv+fxexak/s2/+Tf89//+3/lH/+gf/Y7P/bEf+zFijPzP//k/v2eQ+q0O70w9wK0WGVsp2XpOrdrU1ope+04tHf3eBAl5BJgJQN3YfkIFSZdyGtd+zwq10VgTHjSQlsIyg2/Gc5v+lTqcBhptiuAGujhwfbjh6nDN1eFIDB7XvKZUMyaoWjfYZ5N5kvWiN1xaq0nKVLWFhrtsbuJQ76jBIdFROwfRIVFYmBnLHV/Mv84Xy2/wKv8GuUYcA3OtZhlOwNUJWMhyz6IWpJJMVFcocUFXMVMHRRLdewuxzMxu5PT2c2LyfHF6xrG/IUgwVYG5UsaFaZ5IaWKpi8EPTvGEFdBs1iqXqiZXJZaBXisudIRuR9c3YkSIlmGqbHR5z9pcbudvPUeKVSqsMJ0RRaQRKwQQFTRUydoiAACvUUlEQVSbYaFmtR6iKN4t1FyhKGXO5mLa2VjBirSoiCUTKyW3mjVIlyOpRCqVeZm3wdJccoNv2IR2g6sg3jYQcTiJ7XwIRROlJpZi13Csd6Y+rgvFJQLRZsxSB3hQT3HCLJm7csup3DHWe3blCmPEVLLWht4oRSHnSsqljTK0wKQJqbnRohVV206i2Ll3zrdrFfBhQJrXVA4ZQqW+EWafGXPiZn/kuHvCdXgGxTOWTCmOqp4+7vFdjxt6XLBrqDIbsF68Pa8IIRZCGFAVTucHpnlinCdSnUg6UoYT2iU4zOxeHHj+zYEDASbhfD+SkyAL5pArnZkkdsE0+ZpfU239nMqGvyLUVlHY/aYiVO8ve0I2/6mSsxGDcjbllWWi5IUn8YjvHdfdE27jgd5FJjHyRHBlE8lmhfzE6Ay6thtYh5XZUBPbsrQZmFaqzwbZso6iKM04APXmiWVgSYOWH7H/ZLtlbEFXEaQ82kMb29Q58+RbX+1W9rYgpRt65TYY9vs5fs+C1N/7e3+PP/7H/zg/+qM/+js+97/8l/9CSomPPvrod/U3VhtntwpLrtUUrGfJov5GhmiZjwG3vPPER4dl7A2X1VXZV6jrWV2ZNLrSY6z8diLGKNJE0hFCwnfQh0ioRo8Q9Rgo0iEYDPH8+BFXxyd846M/wJOb59xcPyOSSOPM+e4tMXSEEC+vr7YGvWsqENiA37wIS4Jpth5XbCQBkzkquN7h9554pfhuQbuFUWfO5cQnt7/E3fQJnz38fznnLzjxmuoiEHm7fGFEEa1ENyOt/1ZcoUjF9QVChaFu2DbqcIPn2VXP7tkz5lPiza8rTDOfPvwqIo7b8xe8F74BUyXfz8zjAzW3inSVa9JkIIwPjQXnm6vvmpA5nI8Muz3Dbk/sepPPafT21QqEFig2NmepF9+wNmC2Dnway85tBphra3IVHbaeh83G7Ycd4zRT8sI8juSUrDfWRZvhc83Tyhu5QxWkUwgBbT2vblnIqPXjxtGg3ZxJKRnBJUbovGXr3nypfOzQaIy1Ko5lmbgb7/n080/47PUnjOMDiZkshRCtR+lctt0omBeX+BP3p8+5vX+Po7tm718Ye07BR5vjMj1CJZUGOddCLUvrdSW8aJPDcqAeqYGlBrwP7PqBPvTEuCPECiSWJDy9Djy5esL+Zm/ElG7Hcbji0B/Q2ZMXpSNzHhfmpTBN1rTfDQOxC4TOgZ9MQigJaAQcRwKlZJ4/f8GHX/+QeR755JNv88Xtp3z+6tvs3ttz9aLnj/3J/4Prp0eunxy4/eSB8c3C63LH9FpZ3ijedYh0iI+mDSgYYWSdXGm97bVq8GJ6nk6kPV/Q5o6tqpzHE6XaoLNzQvCO7CDlmXS/QFzwe9g/v+GqPOM6PWeRL5jFk2WiitvMP62iaaxfyVufmdZr3xLX9rcp5nO32vmga1Jvep7S1rb3zYnBtafpBhJdKqeWvtt9YAFtVU9bC4R1JpWNtRy2TdW1hFlwTT3j96gn9fDwwC//8i9vX//qr/4q/+E//AeePXvGN7/5TcB6Rv/4H/9j/s7f+Ttf+flf+ZVf4Rd+4Rf4U3/qT/HixQt+6Zd+ib/6V/8qf+yP/TH+5J/8k7+7F9PYemupuZ7Ed56yZTtcaNytEbjJE33psG12rU6+xy9jjXFNuFRt01Ka+SIFSPiuEnrBSQdEtPhtiDWGjug7uthxPBzY7wZCgFImzuNb7u/vqSWR88x+t2e329OFvhn3rQynC0sp50pujqKrTTTB09BFa3TGAn22rEoK0/zAOZ94yLd8dv4VTsvn3JbPWbhnDmcggnpyTYgWRAslTBaM3UARqzZdKBAUcWWrdqQGo1WjhH1EfOD4vFLHiJ4KOTwwauDtHGFW6pIpy4SWYirq4nHF+gAiDnGY6sSjZMR5m2eJMdJ1nRlCunDpMz2+adu1XKvizUdoJZasz2+CpSibuePGrWmB6qKPaMlCcJ7g2uxOLuSULptGaIQZXWfX7G+AQvD4LhIF+mEAodmWZ7uOyRxtjdJv81/Rw8r2kuYfJsFRk5Lywnl84Dw+mPxUg5+qVOvbumJLI4DWgnOZrGeWdGJcHkhxsWo5mxI8weblSmPyaSNqrLNxaNkyc2PVBURqI5YI/aGnj4E+RkJQal2odW6kA8++e0Lse1wc6FwPpduo/LWv5BKomsiYsKppU0q7xxpa4taN0Ba6XzfsztEPA0Uz3T7S7YT+6QO7J46hHyi5cvv2njRXBMfNzTO6VJhSgdybjJTvwZvxo51rm7Xyzm3ohds+Gv3JSZs38xgcW/Eu2PxTI2mICJ12xgYsmbTMlCbw4Al0vsdrj5eZwmJVkmsUcdT64BIsSDb23MbefRSkbIuUTURgFTKorUJeiQzr/KMpoXABiRrRwjC/R4Gv7YrSkv0NzWv3qn3W9uZHmJ6Np1gQM/LS71GQ+rf/9t/yEz/xE9vXK6HhL/7Fv8g/+Af/AIBf/MVfRFX5C3/hL3zl57uu41/+y3/J3/27f5eHhwc+/vhj/vSf/tP83M/9HN77rzz/tztW22pW6uWjDtLKaHOmTdI2pzWItbJV3Tu/b/052+VaKtF2qctvvkQ88zWyG7dWc1g1BkzCuYW4B5kj+B2agw04uoALgd1+4Lg/cn285up4RRc7st5ze7rl9V3h7auXpJQAePrkGU+ePOW95x+wG3bs+gPBR5zzLHOiJJO7SamSiza9vQBdoIaKukJyCzIk3JBY3C1zeeDTN7/OQ3rL7fIFd8t3mesdE5+iwWweEMtQNbf3JIkSxjZg/IKKubDSFfCXwQuhVXrVHEG7YUccAtErZRLyvaM+3HOaFk7398gEbgSZMYkf2dmkPp0RlJzJ4WwkEG/X3gYuO2PwDTujDPuAOoMKaRvLGqSQR7ptxeR7tKnLrzbklvJZlmmQnWWu631fq7YgUtBS8RKIPlJDZZlmasnM42TZKeaOu5JTVqkqq+osWnixod9jLcTJYLLTw4lSFvKyUESo3tiNIQZcFCDa2IIExAd8Z/p/U5m4O73h7vSGQmqzM2L9PVcQnwlOCW2UwdWZXO45p7fcn18zH0ZEPbpYPyJkk9wpWshlsWFXB7gm3ivm6aWN3Sgu4ELPbtjR7SJXz47suoFdN+CBnGbSPJNrIOfAsX+Prh/ARXIqzKmw7wYzstw7VCdEZh7SAjhSqrhcrd/XCFLiAxBAL+643ge6MCACV0+e8OHyAePyNerwORpG0px5+eoVb25f87R7j0O44sMX32BymTFkSvIG4WP3bFG/qZqpY9OzbBfTNvpWN9jlbf0osU3dh0TUSgrJmKlUuiGyzDPTXEjzBFTionj19H5PrANZZ0Snto+tLL+1DybgCo60rc13gtOXgtUaHLe5K1W8XwfEm7SRGltQ3WNn3facFTh6lLZv0mquVVPOBuFXh+3LDOjjQsAy29rupe/n+F0HqR//8R/fmG+/1fEzP/Mz/MzP/Mz3/N7HH3/8FbWJ/98PO+mPjDrg0YbyGPNcT/Q7D7zzUy32tI1s62M52d7vKvooNiyFiA0yXtxx1WSGJBCdR0clIYxXisZCnSu7o2MYPE+eR3a9p+8q5/kVd2Pi/OqenM3SIJ07qAEnPXfzmU/efM7L2zdcX93w9a99zG7Y08WelDMpZcZlsn6BKrGL1JAofrK+UZm5Ly9J5YFlectZPmPRe+6XT1l0ZJYTuX8AmXEslPZfc5cz6KtVGXVVfFfrFyixiVFWqGXDoqWa+KarkawBqY6kd1Sp5K5Su8ka46Fr2LgS1ONroLobAj2RR5JR6lileJwEnEAfHD4GQt9cWFcdM+wGyhSj3arNkG0D321weM3kYtMPdM5Tpd2Gtc2S1BZcrD++raFSzOahtY7oQsQh1FpI00zwHg1xTUqNnt16kniHOttwXLCKboc0mrxJ8kzjxClnSi6M44gvMyF63CB4eoI4Ytf6blROyx2v7z/l9vyS8/wW56tVt0GQoC1Nt5mXFb7KGqBUHuZXdLrnIb42skp1TPNaCa4zOM1duBRymaFV1jlbkKqidJ1juOo5Pjty2B3Z3xzpQkf0PSRTR4/hSJ0FMqTRW5bvlbRUI/sEtWAYHMOhx/eBMtkcVJFMrg7NulUwvo0VXBARW6u1WZ6Dx4cDe+fJwZNl5P70hnTKlDFRdU8tOzIBEUfsA+Is2bTEoKOTwYhJCKX1AVWwKmGt6vURcaGVq863Dkxw9Hlg2O82VmEtmVwSOR+oktGQ0cOZaTzQ54G4BJI6mwH1ivhqBJsVe/ZiScG6g+mFHLaiAhuJrI2n1FpxflUMMd2+WrUN3BaqayoiCr4xSm2w18YyzF7DSj7nTA7qEqTkwrZuQcqu0RpY22vTR7DWI9bgb3f8QGv3AbC+6XZI6zNdYtDj7EK/d6DSx6fx0Y99zwcb3PSYTLFmN7TyGkue4w5YlPlQ0KYQEK4dcecZnioxFMQlxvGecRl5e2fDfKUsSH6K6ECQyjlNuNGRgTEvDFdHjjUz9DvSYnbX0zJDa2LXEKFAdZWxPjAzcs9nzO6WqbzixKck7hj1lQliuhlCspKf1q/YiITyiI3j2+ZqNtK1ZWbmI9XOjVpJb0QEMVZcpbGJZopkkstUX9EQqT5SA1SvFBfwNRI0NsDVgQScVpKKMcukWjXgZIOzzIn1Akesl662BrGsZJNWGde1r7Re0RWuca7NoNnPu0csz5ZWbmtuld6i2pC1GWGabcgK++kK1bUPVrjZGXypDjtPVdB1Xqg24osq8zmymlfWlCkqxKUjCKjvcBScCJXMnE/cj28Yl3vmfIZ+dc5tl8VZlDVCSqU0SaOqwpTvOcstY3rA+45e96Z2olaxmLGnkqspKywpIVpxFHKyRM33Nvg8HAZ2hx27/Y5u1xN9h5dIqYJZiXeAsQI1O6q3+qMWY5dVVXxjicUu4DpPpwupGpRdtQ1cu6ae32Ame5NrNbGyIFe0xezoxVXQHnLC1WLaenpEdEdJpvayDsWqsz3BO9O4dDG0Fbk6O3OBHBshQNr5Wu8Vb6Zr9B5iDMQSqNpIFGWh1o5ajVKuIZP6ypA6ooQmo2QD3dJGbNQVu7ew84MDj2dVL1k3t8csZxVpotnvPl7rqkyul2ClSvVrH35FHjZ+kcF/Ddu7BCjZelyrpt8WqB6dm3cCFfI7FjqPjx/oILV5SKmVsKtXySVQyZd+Yv36coK+16n6svTHu4fRoSs0DTUzYK9tsaQlU5lBHX4Ilun9yGdG/azK1X6gjz21S5ymnvTQ8fJuZDpla7r7gB8CZbGZm0LrdymMt5/y8vSaT+9ecdwfGfqhleC2qKLLeFdQZookZjfyoG9IbiS8mHH7BX89keIbsjuRyqsW2PLWL4k4vASqBCo9NFqxtErC6REwNqyXGWXGtTkdh14GpevchCoDrtp7UXkgy8LIRHUDhI7w5IDbO8LBk99OlFHIDzMdBwaucbXHqeN8skrHO8/QHehijwoc0jVLnsiacGaSsqabW2PYO9fsDppuXrGbcqXKOjESiukorquiBaFVJ681iXXdiHCoFqZ5po8dfdcztDGJt/f3hNgR+0zXKqh3V98FNnZGT8WVamxH2YHAMAw4cTzcPzAtC9NyosyJUz0z7K853kB4OuA6YeYtb8ff5Ltf/Dfux0+Zyi1e1JTgixLENl4zS8zUUkjF+qdVMvflFVodL8+/yhwf8BF6ORBch6LkklnmpQWpSslt/k5teDeGwPvPP+Dm2Q3PP3zO9fVTujjQhR3GPguURUk4cvVAbxsbPU5Co3dbBUWoVF/wMRO7js57chiYU0KniaI2V6Z4k/KCTYYMmsJMQ+xFxDzK8EBHrDuCU+LVR9zsTszXJwZxSKqcX544350Z7x9wvUlVxb4H1xti0vpfIYYtLa2lBUHxrOrgWy97c882TUmkotojLWOpj3t8rlIkcR8Lb+cdHT29HygMaIwoE8rS7jCx+7FVkK5atlMv7IZt3/sy3Lf2U8uKuERYPeicZLIvDaKUR/uKoQaXJMA4ANZGufzuS8BalSjcdm7WvXRV/zERX/l+C6kf7CAFl0l8XSuqrfN3yaz08vT2zwpK2WPrvrTBhOvT9d3Prcz37TFF2ngtrfdQGzxm2UfGeYWY8TdnVnaNxB51PVkDiT1z2bNkJReParSqI1/6ZauTrCDUUljKzMP5liWNBB82C2YnnuBa34iR4hZSHCm7EYbMvlfoEoSJ4keKLLYBV20zfAZMeWKjDgdqY10oq7WJtMHGgpPJ2EVyUTxwba5po8VX2yB0ZTJIQqQQvFAiqFSzoe+EMAhUpYRKSRNLFmpxRM1b8HHVU9Uj2RQnvIuM05lpHm2oNHRWXSlQV71Bq5JW24aS66VyFjGtvHfUOholHW037Nosbqnko6wUrPmbsw0duxAIVfE+ANa7WqEyaUOPW4Bac0ttZ7Y1xp03WxOQBg9V9vNMOZltyThOxvTqe4a0p6SJ2/kz7sbPuJ8+J3FGZbm4wqzNlMpGm64oub2v6gqpTsz6wLm+JlTPSa8okoj0Tb29sOSlnVal5GK8LQns+z3DsOPq+obD8ZrdcCTGAR87q7yrmduVlawEFpS9qVA4b302L0aJVg/VKdXVNmokxL5DnZBqZUll5fW3dnBjZ7rtrrcKQZ2FDG2EBnEtgwenjoBSvSVl4grZV6RJSC3LjPOgwSGkxjCtVgFTzL1ajMV3KZPXwNDe4yoTxkq7vqAsdr+6y74kVmV6enp3YN9ds3PXVJ3JLhocKGlLjlVbNS6eVR3jogna+rZyWaPr3zYNP7dpXa7kH3NQWJXNpSnft98Jj0RiH1Vjjg3e3PRT1wqq7VePveeM8NH227YWnPv+wtQPdpDSteqRd6uoRwNk7xImLtXXJVTptnDWVbNBM7Q9af0csbtILwKOrIW/eDyQpIltUqiu4LqK39+ZMZmrUCOldsxnWPSGMSlLPpJzR6hHtChFqlVjYhbdvtGvK5lSEg/ns5meNSbYKj/jZcEmnu7QmGC/cPjQM3QOf+xgSOTuTJIzRRZbbG1gT2pTQaYDuQSpCwPSo62qUhac3KNuAkkbM9cqqRUra+e/yIYECoZb910kSZttwXxWO+s+kx4qyzyRp8I0Jrp6JGikk87OsXjKUljcTCmV/eGK43hNKjNRO5zrNrw7uBUy8WS1/k7OZtLnvTW/nTfFkJVY8c7yate+1tZQ1iYNpJaWiDiqwpwS87Kw2+/pnaObDLpLObWepS1MXTPcda2tFR80O5aLULKpsysumE161pmsiYfXr5lrJQdPP0WCh8/HX+XV/a/x9vwdMg9oWLbz7VrQpTTdtVZV5XW5u8qiI05veaifI6XQ147krwkMjPPUWKMZ5yIijpwKwUV24cBwGLi+vubp8xccjkf2+ytiNxjzFGc2LVqND6hqMzY+4KPDxc7mkAYbkNbiqI2Nmp0NyBIcg+/xKViyc55ZVo+1CqoF9Rik9ej8SiPZOG2khrX6BXP7VYgEoojBgJ1jCgvizpynW3CVGgRCh4ZgkKzYrFzoenyIiIRGfFvXTgO27AU0g+qWxG4cLW37x9pN0qYG4Ql1YAjX3Oze521+AbWw1FcmN+YWwEg8lvU0hMPZ71uh6cfHu3Yaq1C1sjp6A5sVi4gj54rIqvep60ttiMLjJH4NVBaIVrUb5x9ro7b33nrJqmqDwA0VylnfUQb67Y4f6CBl/QI2UsSFvfK9KinZsuBVJsnJI6R0DVBrtG+Prdfd+hQCEh4FqMy6PZtzrdB1tgikFlQXY0Zpo9Y2eXCtgfG8MN2PjLcdko50NTBIQMhIrasepFGk54WC7aVeK45MkEJ1Fd8WVUmFxEyVhPYTsYPDs8jNB5HhqSceMiUUkiutKeypsjN1Y2nkALH3Z7tmbTDgmgGbUkGtHaCorHNba/8I4DGlu8mrrDR9AaeRIG3+KDiKE0qdqbqQdcRfBbrBE8Oe5cGx3Ap6O5OXgnGp2msolVwSNcObt69AHU9uXpBL5dmT3bYxu7o2s5XaFDiqNragD7gQTR7K++0ar6nw5bpbErJW1dICifeWrMSu43w+M57Plh16T7/fbRYpqViP7zJi8ygQrs6nrGtPjJ0mAVcNwqlOOAgkXQhDR9JCFiWXhS9uP0HHmU/nX+b1w7c5pc+obkKkNvkeU0jQUre+ofMOcRHpKj4I3RA5xiM7f8SliaV8wefjgq87nEYjAsWO3fFAzWdKhrHMHOMN+6fXvPjaNc9unnG42tN3Oxw9WjxFV8sOg5fmkkg1UUQJ0WxifB+RGKjBU9T6eVWLySupN4sOUZwERDx9F9DSEVxt7rV1gx2pxXqT7V6XdaygtqJLKxJomb9ZTzgFyZZwDMORp08du+GIv43MeWTKI2l+QMqZ0PeW1HQdQTO+mAmmayw+EZuXEm99pCpcdiJdN/xLELEellUZtTGKY33K9aDoruM83xNS5PzwKcVZL7ZIoSJ2D0qHSsDVBI1QdCF4rWttnUu67INWZdpiXxP7Wi1pK6UQvG/XbLXlWAOasZnXpN9mxNb+U/PnWiHz9jdVseCua+W26j5qG6F5Nyn8rY4f6CD1eDO5bCFbwQsIl3pphWxa5fW4gqKVtmv13h7aIthaTck6n1F5tAS3/xdcy5gqqgXDoRXV7gIbrfpzScmLkueCK9ak9oCokRf0EZS5WsC70CjSWg1IkGLyKU2nr7KQJZkSR+8YriLDMdAfBGIFt2oLWmVk+IpiE3nr+3GmfEy7g2nUcvWt5lmDvm/n02BMZR3ibawqAW2vczWL9I1wIWs1K1Db3yqoSTR5h7/yJtkyF+q93RwGPdbLxkSFOnOeHvAu8nC6o4sD9bq0+qFRhKttZlprg4bsD9sQsG/Dzq3i/lImul3+lqQLrRHdoA1tpoO1mmKEn21mKw49qQBlnTEqbEonrOvr8QJ79Kmsg5rmExVQuloZ9juUyn46MJeZsS7MaSZzYs63LPWewtmu8WbL0CBJXde/wS/eC75TXHTsDj1D7Bl8RB9mlpKZ8kxkT3ADV/srul3gcOVZzoU8F9KkdHvH4WrgeL3jcLUjNnVy0YA2EdsqloWXquRqZI2KIt4TXECCB+9RMUJOFd+IK4LDGdmiNp0+LDEIYYVds1UB2tZqC0zvVFPbeV3vpTb4I6b4YTC1tN8d6PsdThy7dA2zYx4Xck7UZaFgSuZBLGnzLbB430ZdZCVxtPUl25Xe/v4GFT/OTNbKSMFpoPNXHLrCXp8wcY93O3AT4qbtHnVEkGBBSh6r0Fw2xMuwcQsacllmsp6GFqTWZb9WQCVXc5VuybpWS2QRt9HGnbvMfG4V1Pa31j8mptCilwFgk1Kq5lLxe0VB///H4zHc9zhQIWt/4d3nPn7ELm5jAq3VVNs/1se2LHrbrNrPGeUGW4SyLYD1oosXRDxeX0CGshR67/BNuyykAZ86M0rUQs13BtnJQqCHRklYB1RML61Qs037G0NqRLTSOWNgqffsn3Zcveh4/+M97uYMu5mFs7nmCnjX22BgDZeK0K0ZU1NioIAzqX5TQzZRTdMojFAODR4ULkpmlzrWTk9dU1U7mSVTS2IeZ7PeEJOSE1lvqgWnpmYxkrivCyKdSQCRN3HUKAOegGrl9pQ53d9zc/WCeUpcH54yxD19HKzh2yqJXLJN/DexUR8jvg/4YI1gXRXQtWXoXNbJZX9Ze482oyvqEL+QtTAuE6f5RNf3fO3rXzeo0XuWZNYHvuvx3gAnKdtutob2i6uyXKDI2GkbDlWOuiMOQHzKQzoh8x3T7h4JIwevHFTZnZXxHkpqVOE2qeXIeOfoup7DYc/uMNDdmHJDvwv2erJy+/YVeanUBT7++g/x/ntP+UP/+49wPFxzfXzK7csz031mfClc9U95//obPDm8YIgHVuoAVWz9iOlprxBrSY2dJyDRqjPpIsRAFd/0ti2QmXKCMQI1adOwbKxZH7cqoBQhpUtfY3MT2GKADdqrxeeGZFgCuY4chNgq+wI4j4SO4/UzYtrjOs8kb5nLHdM0gjjcksHP4Dz98H+S9y+htm3tXTf6e1prvfcxxpxzrbXX3vu9JeGc+H2RAycWRIIgogE1VkTEQgqWPrAQMAZCIoKkEkESTEGFFCxJIkqwJmpFjAXjkRQOhAOinhO/73y5vHlve6+111pzznHpvV2eU3ha672PMefce7/KKey8fTHWGLOPPvq1tef6f/7PltB1DMOGobOO0SH0FgZ0m9ojrI0kmyOt1BVc9QAxiiFxUDo8V/QCG/8+G7en9y/IPpN9wrnRiG6kQ6VHsfmrKlZIP3trakrDL4pj9loUy0PropRUmT2ovgtVSWVal6M2J7RSs8E5is+1cN+soKqqVkGKzB5Ug74be375vNR9X3AlpdUbWBkma5e6tYJ+CDCXJZ63qDRW4rX+vwSyzBJWvKaZqNSESg0rwgL1VBuOQofRwVlnUtWEsDVRJ8G8stLgsrUpopjn4VvtR7NmoMJGjXKl5GyFliYKzNsICp3S33QMz4TuKpP7keIMKNGms2tlh+0eiCknm9RaB5pDpK+DszItU8OBOMTX2rCZ3sS0uZPFs1TMCi567lVZ54jFw7USq8LpdEIjxLt7xn3iOE3GyC2B6E4GiVahlw1BOwa5wulAkIk399/Bd8K7+68iz6AbOivULUCs7SRUaxNKh++c8fJ5814RS9bnnA3xJBVcX6/HnrNgecIFsWTJfyvYvX37hjB6nr+8ou+3dN2msiNIDe1VlunqlZ1hxBdwlqlI1YqighDAD4XgEuQDJd4xhU8Yh1dEf0cKd+T+SPHRzg8M9l1DSaGHrheun2242m3Y7jbGRVcK0+FkrOapMOUDeGF4vuX6g8CzLwfcsyPRF95MB6J2qO94cfMVrrv3udl8icE/wzNYLhBXGwGaspKiSCpIVJiAGlpT58hBSGL+brPmzUZqc6iGhqSQNdTRJGSHkfXWUL22uLhSgQRSp03919wGV3Nztc8ctT28TVChBMs3ZhRHR3DKtlzjp4kuJcphpNTSiqKmbI+c6HKqz7SxW2Y8G4Js8Z0xVEglFEAWRKngjNm1hsLtoiuzS1F8CQQGgtugrqeEDnETokolp5/lQpNDjRC75Yx8qErKyTKOFVyxbVxLj6gBjIovpOTIzkob1qkOIzwOM4qwUdGt+0q1eTLLUsVy3vWeWXRFcMUhpdQylc9evthKquYoIM9CwzyqRdiWp4COZw7V5c1qimlJ9IFNHKfTvNXycxPUc6iwnZtJQFQOKOb9SKX8CeJxTUkVoahDXTd7Tq27JkVrDglSAcQhvjcoboFYTTFxiRwKOgib9xzDC6V7NpHcgeQMKKE40FDbSQvOuI+rt9Sa11VvU2olf7vWdRhBmO/5op+0KuvzfzhnfXYEpqqkpJOZ/pACOSnTWNi/OzIdI4d3I2lK5DGhpcNJYBd2FsQrMDDQac+OZwTd0rHj47uvUyTy5duv0G8Htv4aTQpZcVOuQszg6N57fO+RIODUlFRtMGWNHM2tcT5U4s4aNpMaJqWgNZwYuh7feVwHb+8+BpQX7+9478WH7HYbUqrghdJqUpY+R7OCws8hn9a/R5zieiNR1lAIJHIYybxjSq85xe9w6D4i+nuSf0Ma7sj+VMNYgriOkjI5R0IPw5Xn+YdGv7UZBg77PXGKHPd7UoqknEglMvQD1y9ueP7Vjudf7ShXb7mbMndvTmynr7LhA17cfImb8GWed9+Hk97GsQAUsk54NaCBi6BRcVFhUiSJsZU4R/ZiPbUwoTm7q7W2jWIh7wIGW3fevHkvZptSqakctWmcIOvxKgWVUtk26iOseS7VNu+cseg7oXTZwB2iiAt0Wei4IaVEVCVOypSVVDsUZ03EKRJ7byzjzpSUL5muPk9VMYSiq2g4sUgHGODADDSbBCoFcaNFSFIxJaUDndtSwkAO1t3baca3PBzWwLBFOcsqxOicEMLi7UDz4CCUxo6xeD3Fm6xLzhRVaN0dqnufzelbKakmC2qYU2ZpuAAsVKBYA1ZXZEYYagFXqnv7OZYvtJKaC9ZW6xZP4NOXTysmW8dpz9a1z0/85mINzZrwtZkanaNkJUkkDwm2DneTGcd7yJGBa6s9KaCkOtGo1eUGxC6qFYwhRByl26CaKGXCDSe668TNe7C5thbw5sFhXh3GmYY2P6dRO8FavUrzDmXxdtrX872VpphqISAV3ltj016MpianlpezuH8rdkxTIsfE3e2B8Rg53E8c7ybSWMhHxRXBlWAhQcnsZV/rcpRjCQQNnGSkczs62XI3TrzZv0JeK9P2iG4jV/kZkiCfRjrfEULPbrghbBy+d7QeOLnSI5VcDP/lGtQ3EVOewxm+wmmhNn80k5QwdGx2O2sieLzj//3f7/naV3+Ar3z5+3j+7Ks4v7FeSC5UAdlCT7YvU/htwipFjbNPU6RoJJcT9/GOu/SWb6dvcacfcev/gDS8JbkD+/1b9scDp6OABsxBOBIcuF54+cFLdtuBoR84Hk+8e3fL4f7O+mDFWCmglO1mQz8MDNsN3371HV69fY0fxAAv+Yrv23zItu8Zttd0uoXcod6UB7VNudYOklLzSSklpsmKk8UJfdfTDx1d31s4qrV2rznCkiwHO46TeQDOQYymyWojxFaDY4Tufm5BkUum1UZZiEpnY1QXd2umCAJmdKxzzjpWh8A0TRRnxfPu5n3CcEPnvkMZj0zjHb72gZNUKOrY30fSeEMXOnYbh3NHsv990B71ASnbWnwc0M5TXCB3vRVId9ZAEBLBnyihUHwk5yPZ7XHdiAsR77MpaA14BtAONMygBFULLS75Jfvbt5BjQ9Jp/Y56b5WaJ7aQd1HwswVZDVaYIzulRRBmJbXc21kS14irFkP3utqS3lO92LrPMH0vQNA/xzLXuFwsMmcDHvnNkztj/s3jiupybX2gWmPlzlzyLAXtCrJR3FbRLlrYoqTZA9EGSBALHa5rMUqhBvmYe0RlPL5XwibTbTKhB6VBoGuYRSvNgZ0sNO7BusWs2+uhFmW/VmCXVyjMZXmy1KNAnTE6A6ERjJ0g50KcIuOYON2PnI6R491IPBRKBKKr9S3e7pUoiURLdrfCVMeJ4jDPJxVKSnzn8HXeP37I88N7dKHHZyHn0YwEMaoao29Zop2ty6zWosX6BAwOogvkfG2mWDfi6l0644g0NoYDn7y9Z7MdGDYdw+bagsZiXluoxKAN3GNgk1YKXfetEdWE5pMRrOYTh3jgkA8cyp4T90S5Q/0elRPjdGSaEjnWey0KIZkw9p7tdkM/9OScOZ1GjscDp+PRAB2ljY+V0SfK/ngwoe+Ujg1bEbII3vcEGXDaG0DCWVJR1QAbzROq6c2z4lFW+TbnfVVCzRKvdTpihaQp2fkb1VR7LqWOyUaO6qyeKWcbbvWfqMzhwPXU14vrhOoZzILd5ob3Jvgt1mp9ydxmi5N6jVJwkq1yIbVwtbU0yV5xPpI4oGzwpTMUoesQ31Okg2CNKq2dTSGJzWbntPZji2Q5UWREfEJ8RlyZwTt20VaD5ubZJ2fzs6Hil3u75KRmVj1XwTVqdZlGiTUHSldzX+ZogjsDZrTIVa7P50JJCVbmP4cn2znUyIReCJMnli+0klraFj8UqJ/lTD2uunigfc669D6+CcCnkiV6DYvV7goaCnKd8BLYdcp4OJLcRD54fO7x2lXwQisMNjBDqZaMeVKJSCJheQjXQf+ssHs/0j/bIwMkovUU0gJlqILWAbkO7anehQu2Ytfu4RIOkJUGM8FdznMByNngS6m5np7gOtTB6ZQ4HSNv3rzhzet7DoeR432mTEoexcIbBAbZWOwiQfInIzIl2USrHVlb/iOXA5QR1x8Z5Y7Tm3f4zhGnzObLG7Zua+HQbkMYHP3Q4bvGTG7PLU5VQeWK9hIWASdUpZjnxtoAxVl/HhSSRnKecF1G3Yk3t99hSu94/eYPOJ6OPH/2AR+8/D6GfkfXDfSbod4vyLWgMteQqZIZpwMxnrg7vCamE3E6sO8PnPyRu/6OsdtTugMhWPPB+7dHTneZfOoM2t0Vwk3i5vmOm+fPCFwxjYlvfONbjONIjCNd19gQLGdhvGyFMY683b8ja21rPxW6Eok64HYbdtfvcSUvCeWaHI0wWUSIecSpEto0KJCiUXZZUbMhwkIfrN9X30ArNTwVPOIgxUAqhWmM9D1GhptLBTVVzjxnY85789wFY0XIyUKEVmcgZ6i7OpnPDVOpRbVq8OglfOWsED97ogTjethe03XKEG6J0z0pH43BXTqudEsaHSVlTmnPlI+c0icE2eDp6P013g+EsAUZ8a4nu47krCQkY5yXToRJ9hx5y0lfMclr3HDEuQlxqea6DeqtxSISrua3Wq+5GYlar7vRFrlVIXEQZ61FWjsRqj1ZjJMvF7EwtbRarkoDVj02MxKYc1FWP6mzUmxzRBVKahOJc6Uk7vNG+/5wKKlzGpBzJaWLGp9d/6bmn/Kk0Kb1F1XWci5VLp8tbVCs1px9av0tLZFbgQNSkFxwJbN56UkBSBNEC0ubEPPVMjTvWymIZtAJOIGekHDCd8Jm13H1Qrh6z6FhtNoKzeCs0LhoY42oEHpZWT7zmdYByDJZG5R2Dv1VGPGc4G7X1whaq9CdIf84xnEiTpE3b95yPBx4927P8TYSR4VTwGdP0MAgO5vUbMzCDtD7K7IzZoTW1LNRLzmVejmCx8hZgxNSnNgf7tkfD0jn2fkeHzpjQZCKUiyQMtYxNWFEpyoz+4RqNstYW3djDGqLWB2lCJqVFCcOpz239284jHec4p6YDxwn4JD5zquvsz/uiUnpui1dGOj6vtqdOtM15YqgKpqJ8UhME/fHT7CGl4nwPBC2jg82XyaGnjEEUn7HadrTnY50k3WYdVitVn+1I2w3uL5j//bA8TCx34/moWHKyVeIcmsD7n1AfOsmbGjRMUZKCoQ8EU+JPBbY1sLYLOSa/M80WGuNURTjMLTrax2rW41aK/ykho1nLgr7vVJ/x5zzXCSpzqFDaF5sy+9QFU7GWT9lWt3OAixY+jpJAxVUIdymgA+G9hOxUgfRwib0ZLfDyXvsq1JLxVqfhG6EUAz5mSvIIF+jpTMG9eRxGVxMJDnhYzLwTVcofUGDsaMkB5PeM+o7Jt6R5A78hHPZwmu5GplnhLpNBq3DIA+XWUa2z7OoXMmBumubB3I+99V4C1tkas5FOamaUed5Mi9qdcotZLHQ2NmG7nM2vfjDoaQaCuuBsmgTgOXmzV/rHBt9uF/7ftb8dZI8ETmkhcouqfLbb6XFjVEjrhQgFISEl8T2fU/u4HQ/2nGL4sqGhpxrxXeu9vHRMqJ6BI6IP9ENgesXgZuXnt17nhKOFiLTgjCYp1PZI4y0NdfrKAhWgLfkRKoCmO/p8gJDGNIUFTaxXWWQdi4glV2gwfjBcTpG9vd7PvrWJ5wOJw53R/Lk0ORwuSfQ08mWrbsmSE+vQ7Vmxdq5OwxwIS32bTe2UCyB7A1CKxjTR46Jw2HP3eGA3/ZcX+8IXU/oKqxfrbVFikpKSkmmoAyEVVsaVGGXtEFuFyLNNnkLyphH7o+3vLl9zf74juN0R9QDGhOpjPDR77Pd3jJOBe83eNfThb7aAwb1zbWGSLUqqTyS88ThdIv30A+e94f3udpc8XLzNZJ/zuiecxu/gzu9ZXO6o49KX04UIuJhuLombAYIgbv7N+zvjtzvR/pezIvy3pLr3hOCt/snUplNCqVGa6cYKdHjx4nxGJlO0VhEKuinpMrCQW1r3uZQqddWQ32VgMSUYVVUzZKcGcublFNTfpYqmyE4FeBiJyYtpiTgQu3aXLLlprRYyE8byanBsTOG3Ew5Gc0WEIJdd8u1gHl8psgTXgu+JLrQo8ExdJBTJMbEmN4hkqGzJqIuOEpylDigp2dodEgWcrY8pCuJqRxxvRX+uq0pBd/ZGI8hM5VbxvSGiTdE3iF+RCrazrXOA9rieIsoW0mip8Ravb0rBbXyeqTF56pScTUqModh69L491w1OszZekRBmcjCY6kLXctQagHx90Ix7wyBrLDHOWQ1P7QntQqzR/GE5bHAL/Xs7+rjtBOYz2NtCS7udg2BLeZEc+LAFaTPeB8JOVAGcKOSbkfSXaQcxCr3k2KN5owqKetI0ne47kAfJq4+dGyuHM8/yAwfKP5GOEm040kLa5lQXiygOvFb51ltHpYwywrqYQWD0LaJ0Ti98mKleitksWOox2OTfjyOvHv7CR9//Jq723sOrw1iLtOO63BD5wd6f83gtmzDDZtwTZAOX4z1QovSlQ6Hx2mldaEaHmKdY503AteskaKJmE/0pw2nceKj8Jry3PHBzQeID4TQz/VeOcNYGeQl1e6yvlqVlQW7uq+E3gpgQwcxnjidjnz00XfY39/x8Te/xZtX3+T1q29yf3hDYWJ3vSH4nuB6MpHD8ZZvfPv38M7g9BZmMZBBrrVZZY7nFxqgMOmIczBmx9WbHX3s2MiXCNv3cVf/Cy/lwMnfs3n5/Xw9/Xfk/r9wG95QfMH1z3l7t+f+Wx8zvtkjRfngw+tZ0ZdiJQwtR4RztQ1HIo2ZqSSSZqPbwTPqyKu7j9m5b/G/vLxn63uC31oRuZbl3qHknCi5ECfr6otSmSusW7GEKiidtrSlWfEqpjxDIPiA5kIcY030O2M0qMg2rWwdqna/vHNGLpwx2DnQCh/PWnqUwjSOpFq70/fGVelrTRGusnSoQo50OhE0QTT2f88znnWe4dlL7srHTNxxz8dE3pD1RNgNuPIcv/s+vAwE7ehSZ2WNp8IUT4Z2G4Ugnk46sijaTYz+WxzLaw76MbF7TeGW7I614N28KKktNKAiQLV6vtUY1+bR0IxKBco8V5vjY57nEuJcRJqzXNtKk3m/KKkQ/GrbdpjHABBrz3ipx2rRKK9Q8udzpb7wSuo8F9WS0dA8oVng1lit0sbuhQKTZTuLr8oKdLHc8LbdbJXQHGaZf9fyGq3fzLmZ0VqjGbJOfML1CVesvolqdRTN6GSegZZkYR85UXQCORE2CbdRrl54hiuhv8nIoKjXGoJhIYa8iFGKLsrKrE1Xw5+y0sZVKdXE6nLfoOWems/V4tnTlClJ0QTTmDkeTrx7c8fd7Z7D/Qkmj8+BoBuu3DN6v2VDffdXDO7KlJQL8/luyoaggaAdSya4WuUBxFtH0eN0T8ojY7q3FgiqHMcjx9PBmBlyIpeEU+skm1XI2dqh+8at5WoPKcFQdVguLGaIRSlj5Hjcc39/y3c+/hb7uzteffxt7m5fcX94a3kzDyFYYad3hlbLmsnTESdWgtDQk6qthf16CGulLhKQjKqVUYyHkbGMxL7gYkcvz/D9NZ0+48PNPafdnnc3H5PixIkT06gcDon7+xFflM4Jw6Yz5ZTz7KnkomjOuMoQX7SQNJPIpnzEhH5ykUO65258xykfCO6K4DKNl8219uNqXY9zyrV40+aQ825+tdBfdZSqYK3BaO8rq7YVa6eU6HKo80rrvF4ogJahKrhgZQJOXWUaaeE/I1Ju20lVyAbqKMv99wZyoh7JhkRGS6z1bh5HRy9XSOhJnBAKp/IJk8tkOSF+Qr2ivie7DU56fNmgUawdzSlZeNc7cB1Cj9NCKScO5TUjb5jkHRpOUOsrTVo4WvfhZggvVVE1dNrqFmdZVhklqgPa5JvKklvStUTS5ok15Gubb46ZXG4lyxqj+9OOwFqO6PJnPbfvDYLZeZk1wcW6RcnMqJf5K1lu8IUzdR7fNUvXzeihy21sF251/EVRVSXZDJFiA91mZ6NNOqF9Rlxg97Vr+vc60sFzfJWZDol8eyTFkZImhBEk4cPIzfs9Vy92PP9qj3SZSY5MvljNUfY47+hDoNV6zWbMWYjAOAdRPzMfqxbL7YQFTDEzTdeLNe8pzNZWGjPjGHn75pb93ZHjceS4nxiPE3e396Rss+RD/xW2/ppreY9d/5zBb+j1Blc6XOkIOlin264j9B1d1/Hc3TAwsPNX1v6iH+iHwRrKOUg6EcvIx6//gMPhljfjdzjhiOK5P93iBL71yiiFsiauAhACxXlSieSSTZkHcIMjiymnUzkR82Ss829vORz3/ME3fo93b1/z9vXHHA97Uozk04RgkOTNLhhNkkYjY3WWC1P1xlYv05JaYTXsWiwMCzvmkkHF2kIolKh88vEdB5kon+x4/lx5+aXnXL/3gqtB2GwC11+65v1nL/h/fv3/wbcO3+T/+D+/QaoNLL/0bMem83Rdx3g6kfJkYAZVYoyz8WG5IyH0nn5jJLBTPqE+kzjyJn9EGHd8Mn0bvGforimxekq1L5QWrH4oJmKMlvvygRACXd9Zo8Yqa1t5hAkuG1d91+MQUp84Hu6ZxrGG5Go3p9JotLIpPC+1V5YSgsMXwQchTXlGkYokJEa6zYA4R9/3FRo/zYTDbUyHEKwDsnOEEBhLIo570Ja/6+ldTxDFdcrGb+i7wrtSOKrjxEckeUXp/jOTmOfchx2ODvesh9xB8UjuUekpMlB8JrmRN+nrZHdAwx7p9jgiMgHFQzHIuZ1rowcrNd9sYChmFPAq3qPW3qNkmY0jZsPAxp0psCYgq6Hf7OszJ6DMxj4sSo01OIXle5bDzYN9BncgiL8QvE8sX2gl9bAeav332gt6XNPPHH+P3eB5f9WS0fPv1w/vsXXW1r79nQ2t5lr/l3ZMq5Epmizc0gsqG+iM87QfoTzLdEnR5BDtzBJ3js2zQLj2pA2oV0bUuM8qlFmB0uj7m3dYQ0zGSAy+tLyT1amYwWMxPmsfvVg663vdah3GaWIaI2/f3HM6jrx7d890isQpG6Qex/X1c+Oz8wPfp/8r23LDNj1HcocrgV5v8HR4HejDBu87hs2GfujoNz3Pu2t66di4rYEffM0tiVDIHMc70glScqTsUA20vnOZE8cIH3/yDXIcub19zbPjh4RhwG82FjJSxTc2iP3E/XTHmEYOpz1jPHEcD7y7fc3heM/r198mno5MpwPGHahWMELt2lpa2M5ajlMqVFgNyVQ0oaRq5UsNAzdv3EIfRcWYDcyvsKemMFXk35vxLXl0uFOHHk8MpcN1Ga87bsJX2PE+fbon3f0OpUv4wZoootnabqREUTVvhpoXqLaLuIB31vE3DB4XBDRbGDcUkhw5+TveTh/Thy033UtqBzLLYVSPOqXaEgXjIQzB6o98zYOZ465znrbo7A8sdEWhqySkkWkcUc2ETqryXzwk4wa2erV+4+s5eE5EZMrEmGpzyoIkCyV2nYXuOjprMFkaGCOTi3liomoEueKZpMNV4IBT44b0YB4eG5QXiFN27gVHdkRec9KJKScSJyJHA0s5QZ09V1c6vARCBfwUl0nuDcWdUH+k+FMFuYCJ6YC09vE1nG+USOb1WGecVa3SPGfPX6XW6JUlKFHXVXnXlMgMlGpy0KiWziVpla8t0rI4cSvQBbMh0sTesu57oJiXOdy38qRWuaPHFdSCOzMEXQ0Orhyr9vvFtW37+vxKqiGKFkdNjCNNvYXbFBNYkslY/x/tnBE9bBxhBy6BHpKRrSeH09qOXDrCVvADxD6RnSkpsjc+PrF8WykFaeCC6hGilfVBQVuxpEitDbH8VOPamql/3CJMi7acRuF0PHF/t+c7337F4XDi7vZI4/vsw5Zh2PLs5gVX11fshmv+r+V/ZUjXDMdnjPtEnqDTa4IMdG7D0BkX2vZqR7/t2ewGng1bet/RibVGEAmIs+aCMUdizqieiAligkKwfJ8vZEbGGHn1yZHT4Z7tsOPFdMuw3bK5ual5CMGlQiojY77n9f0r9uM9++Mdp/HI/nDHJ2++w/F4z+H4lgB0TthtLCzp/BbU2pokxVCCEkxBNQopxAQKiaxji7lUy7iNRBt8qkKuz0F1Ce9ElCyZHN+RJyWM4E8TSbf0qceFDVfhS2z0JV16TT5EZJtxvZJirJb0wq3Y6GxCZYAXoOssRNl3A75zEJQioynfTi2cKnveTa/Yhhve3+wZ1LwEqcZXKcbXl1NGsFxQF4xN3Qc3cxE2UswWnWjvzlleKviAr69pPKKaGTbBuvWK1PYRJqSbgOwGY+OmQI6KZpg0zohTyRnvhMF3s+CLKVWPTq0AWTK+2D3JQHKe5IMBa9BKe2RPNZSA0w2izxm6KwoTB91yYoPjLTm/I5bI0d2TJZJ8RL1RY1V+CgIdnbNQdpaIumjoXCYDKYigeNAe1BldlERanWczbszYbEZlk1Vu/q4pG0srW/BwgaufEyCYXFwZpet1Z+K0hg2bPKGJvPOw1cqBW8SzwuO5rIfLF1tJPbqc3YpHv682wnJXme+nfW71Aarz58qodr6dxSnmd/vtJSJOrQqi6aya52l5IfBohf3GcqopoGywa6+oL3gCXr15Plp7DgUrHJzIVhCIs6S8GI2QkCh5xFXTpXGhNa9KUdxcz5TqQK29YZzMCkpq0tlIITPHw4HTeOLtm7e8fXvH3d2B+9sJVWuRvbu2JngfvPyA3eaKFzcv6bsdg7vi++7/CNv0nKv4kjQqmgRfNgh23iFYm2/fW6jJ9x7nKhFtsQLXog4tJ1Iu3B/u+OTtx7x594pXt6+J6VgZGhLGDq/kYpb1dHeH3Dq+8er3wDuks8aEotAjFCJRjrw7vWEqJ4ZtV4EZIOEO3x/ZSSY46JwjyIhopCSB0qPaobmhyajeArjG/YSdk5KXyaulPY7Z3CxzLduqlX0RkrdQYU7vGKc9etpT+nu2acdQnuN9hwuBPr/g2r/k+bAh9ycIkavdhhAsBOy9Ud70fUcInqEfZiLSUgEJmpTTdCDmcTacXPDEKbLPd3zr/uuIdjzvPuDD/mv0vofa7TilVhuV8aE3z2XTE4YO3xtLhDhQcQZWqYaTb+CnYoqq63qurm7ou57vfHTLlE8UN3Lz/AWb7oqkobIkZPohEDpD0KVSiJN1yE45z4asqtVt5Vpz5Z03JSjmnUzTaJx13s2uhSqU0MPWM+2PODXlsJUO7zp6t0FlQ+Gakh2lwMZ9lSh/hCv3R9jwigN3fDT9Psf4huP4EXl4i/qR0B1xYuRaA/3MsUdlnyiV5b15qoo3yrS1bBOYk000U8eUv4EkWp3TWreYasttftPygXq2l1mzrBa3Pnwbw+u9Kiy9JWaBeLYbvXj/PMsfPiUliyAGzhOsjy3rr0VWD3NlgQizZbGOtzb1drZOmksry/dnlkmzIi8Tos0nNoFmiBw1AnRq4Ke0pK7MQlDViF6rM4+Q64CzmLW2Y1YodbtcV/9vTBSNKcJV4digpmAQ4WmamKaJ/f2e03hif39gPJ5I00TwhvDb7a7YXV2z3W64eb5lO2zYbTp6dvTlmg3P2PKMnXtmnXkdSKkhTEKlq3FzA0Aj360hoVxoRYUpR2KM3O/f1dctUzyRSjQqKW1N27LlSHIm5hqKypVw1Iu1IFClF1f51yZO0ztimYAO3zlCL6hGnMvgBe/EaK7MH6nhVXuVxq6hkFFwuQJTLFTXbN95fK1CJS2XMPsWtUZH0aXjM0omkTUTsxJjxmuEdMSHgi8gBDo/sBl6Uh8pIVofMi/0vafrLOcy9D0heLp+qEzZjpizgR7IkKwOihIquMGTgSiZ23LLTb7lLt3xootsVO1Z5TLXRqliIcXgcZ2rEStFXW7Wmt0J5aLNRZ1v3uE04FGkC+SSOOU9IQVKUiRUTytUQIZzaLbi0VK9KFQQ8ZZ/EZ3DennKSLC+T57aHiRb2JGSKZV6yYwMwXee5AWKcfZljAza1yaQpgyMky/UhqsbSVy5AZE9u2yt46NmxjiRS0E5ztyCpRNEvXnWNZSuxVdR0SIvxrZSqnGpc6J7AWKVVfDoMmfelnUor3nuq2/n/4Vy5k01LthZql3E91axpjag6xfrg6/eZ1jnZy9/KJRUi6ytbYZ1uOqx5bHvpO7sPOonZpnUGH5DPD1Ih9ECN5xPOCBoqIi9QpHRxI2vxrMGVAOoEkquaK9oD2ad09IalmjHqsWn9gC1Qn0Pj5goFeFT+RIa9NwQVgFXiW69+NlrLKmQpzzfw5wzt7e33N7dcn93T0yJGAvOKTe7npvrKzbDNdfPvka3G+iGQDccCSXjpgP+/j3CeMVwfJ+B5/TueWXRKJUAuIUhsindqd36CjQxfhXroOqUGI8cxz2vX32dt7dvuNu/JerJ6nuk5oqEOXQ5pojmZMpcq0rJRqOkpSBdwAchOMdWjOVwOt6RJyMW1WJQbO8DgY4gPR0bBMsBFrGuxY10RLBi4KIjUtIsFEoRILQHf2a9tjC0vbfSiFJRfg5ICNAz0JUr/PQ+5bQlBkec7gldJGhCnKcfNrx4ec3JRyZ/wrtMEGG37dnueobNhtAHxNzEmcB4SmJExmSyF4SAHmtdmTjUdxQP39GPkLLlOn+Z5/krdHLDdfKUmAx2ngpFhH4YkE2AK6Fskl16oD5TD8UMo+AaA4qi4igiZCeUroPg2b1/w3HKvNt/i7vDG3zq+fDL/3e2GyPMDeLwCvkEeVLyBKSAK4oPilTFK9GQnfEUkV7oNh0dHQ7HKZ3Q2jCkMaSLE3ovdF5wG0dOSpoiJyCpsgmd9eYKvuYSjTlEpGPjnxN4j+tSCOMHHMpH3Jf3eXsURv0Op/AOXEJCwW/Nmy3Bm1GAKQFRahZKUSYQrXwxDtWBVgNttaJmyLb6xZbUMIDFuT5Y4OXLcikvLwkSLHvecMw1fyhtji6K6yycp8KlmPx8aul8+UOhpNbME0tb5DJ/93mWRwtxbQdLEhFLUD62/TlLuFRLeOGtmsfFxeko6wFiGzRPbPnh+cMvWmY6F9Oh5mnMB1sdY2ZAbiFItwpDVgg2WcjR4LhTnJimkXGc6Pse7w0VpkAIHburnR3GBbpO6Dq43u0IYUvX36C+tsCoXprD13qoDU68eTMxEnOq9P8gzkg/ZyqoGkIVkQoDsT01aNBxPLA/3HO/v+c0HYk5WgsQqShENfST1gLZpblaQ1zWieYBV4xAthaZdsEQYCkVSrHCYMuFgRRT7GiwUBaBvg/kYlQyM6lprSkrUNt6z0OpIpu0PXkW77b6WE6XSd8Qf84ULlrvhBhEO4SOLjhQa8jnxNH1PRu2PHfv0UniJBPTSZli5M2bxPE0stkc2V4ZEGXodyAep44ObyG46qanIkgpRvEoBfHZPEo3EXXP/fSa2/ARnQpeM7kkUh7Ni3WB4IUuGMrUuxpSRmeg6YLraf6lcVUWEUrNlQqOzbMdZRzxuec+viPuR7hzXKVnqHyJjVwRdECmHk3OGurN3mhCXEao460oJSsRQZOVC6hXwlARrkrtOWb+r6/dZukHEpEyGSFv1omcO8TVbajeRY6WTK41TMF7dt0Vnud43mc8PSOnO+IoSO9xnXEinnetkHmsWJlZs36W2IxNbln1vrOiWTfn+UxhVZ6IZR/zqFsFAGfZQwVMcS6PpAE+dPHbGvpBqVyU9RQv81ZPiN/PK5fhD5GSWr+3z/8jCuqx7873cwm3lLP35QTa4Hp83+38Hpzj2Z+XilDajhe7u1pSpXHIPHLJ63Nco3ZyTnOIZDyOxJi4399baG+cuLq+spxF5Xfrah7DOU+32dAPnmFw7IYNIj2FXe3AmrEkr0M04KWn88Yi0chDY7Kwh3XINUWa54LERUlpO+9a2a5aGMcTx9OB4/HANI2kksAvaDGlQeb1QkGxUlLt7rqlgykGMUYcvkS0RDQpLtSSApyFX2q9jHMdvQSSdfmwMI5ejEPmeF59PM0QWUIr2h5Iy8vM/62jBFJDY27OHfrKFiEUqMI0eMuVXA83iBwQvSdO1vrkdJiY4sQ4BnIp9mzpCN6uP1DrYxpKtIjVT7Uao9q3jEqgekhvuEuvGMSzdZ3lfUqmqJkowUHnHb1vCsckr9WH1ScgNZTUuCClmNfWKHqceWTJD/hTxzgeuT+9Qe+PTOUFISSi+4COK7r4rIbHwnLvyVjjzVjbz1XiYCxCgN8ggoUkK0Gua5yCJePFIPQSCq4oE2KNR4FSYg1rWjmG5dcirW+Yq4baxu/wMuHdC96OV3jdkKJDvBLEkUSqcbDM+Eb93Oro5hE1pyBsrLg5dyT1npp6KjXX96gEPJNND7dYOHfPFZbKIvvmGi1pnpzMQIw1Evq70EVPLl94JfWUIvosBXX5/TnE+pEH18w/meXJp+57UW5mMq6V0mOvy+OuPbP27px7dJv57/p/E8wiMnuUIYT5N+0VU6LEQo7KFCdyMhLX7XbD1dWO58+f0/c9fd+bV5ELIQQjeA3eSC/FGiI2FgoDaVj1vxQP0VNGRxphOiYcmV6g63sCxqM2k4y6VaK3Xi/N85DMlCbGNPLm9g13+1vuT3tisc64Ukz0WNO9ev1Uj85ZFb0JAq2z0MI6qNacRJ1Q0iHScTV05JKIeZyp0hy+th+AOJpN6Xorzg2dzM3o5gLddqhqFbdyFPNUSs0nrh3gMv8tokYkOg9Q7DrEoNnt6hRD6DUI/BQz0Rf8buBqc80wJDabiXGM3N7eEWNkPE4c7z8h+MBuu+fZzXN2u2u2m2trSCh2P0rM+Gi8csELLhRcFwm7EfH3jO5j3rrfBe4ZXCG4DU62qA/gzStztCZ3rt7rejlamhaq194E5jKxco0QZArqHZvn1wwEjl3kG4f/F9244aPD7/Ji+wPswkuu5EvWcFAtBGjo+mih15Kx9hZCykqKmRgLmi2ntOk3bDYbNsOmtmYBEY/H45PgxOq7Nv3ANE3VwEtocYhkq9sTpatFxAVBo4Mc6OIW54xdZogvCPEtpGuURA5KVHPhupKg5oZzHTtzE86itL6+RdbdoJZIy5oQVqSywVND9poXmaGc3ec2+nQRIrNAWaIAVraC1Hm0JvfRdvy1bBRWWzyyfP7A3xdeSX3W8ll5qcWzeNiH6oFCEGAOsT3mZT1xbG2FsnoWhnzSmwJaaAoeemnr416GOj9N0T2mmMU5vDd6mBI8vhYyeu/ZbreEzgANWhw+KF3owIlVzLegQqVeaVDUNYLROrRaErx5K9aSoQZ5Vteosj5HWYXGbKinnBinkeN04hRHa6bYrMUWhm1TV5YaarByJueoyC2sVqkG6qujAKVyALZ+ReKWepIaeirtqnO9p1mt3xe19QG1nYGC1pYR9vyXySumzU0IFfOqWq8/qohTFgTo/BlmD6rrOmve6D2uWF8jS7hX1owKGnDOtgXh6mrLNAaiD8QxmcCeEqfjaK1Rip89CCnW/8dXD6GoImScZFxI4CeKPzD6dxyd5yTv0zulcz2KoX1E6nkXK79Q16jImoh182fDEtU+VHXsNDLjLNUzcA4JDnphzEcmJnL0ZCfs0y0HtyewodMtnetqD6QKuskFnQIlCWkqpGgowBIF5wLPrp4hwKYbmNvQazMwzbDweILrSVLHXaGCMer4cav8TLHrEyyUqqVD6KyYN3VoMZqv1vUN1doGw4y2Fr23NjLrIMlaFqzz54tSOAsX1w3M01lMgeWHq/2twn5NO+m815VHBef7ouEK5UJBPb4sYujzKao/tErq8yqQpwT5o79VNeG6si4eU2zrfZlFrdUaKnMN0uV5XC6tPfOyn4cKqO3v8yyllNkTa/vuXQ/BBII1JFw8GhExr0mWuimDo7uaRDU2Qa3N7iwWXcN3OIg1jlOkhvs2bPotvQ44rd1txTjXZmBBpQnK9Xil1C5L9RaP8cTd/pa7wz2H8UCSgoG4hEbd4kRqozdHYwYrqosXJdZDyZi+QbWQa7jCq6PrBuONwwpvL0ElTkxoTmmy85NioqjyxzWKmnXrE9UW62/iw4MWs8alPsO81KbpfM3FlLp39f4KPgSGYeDqasd2N9B7sZYmGXKy42SUnKHkVvDq8H7garcjp0xKmeN+JI6Rw+2R+7f33JU7rncHuhDYDANeYHADSTJJM1POiCa7tu4EXUC7O07yEZ6RW67Z+syV3+F8b2Z1vR8Uh0Zvz8mDOqPeseSlGNdjNmNGao2YDTIj3E2dNaUppRgkXgKTh5QO3MUDrw7fwhXPxl0bWTFbBrkhSI9noEyCnoTTx5l0LEyjeVCaPXkSgh/48vtf5fu/+v3suh2bsME7b+MwG79iqF2a+86RouXNcgaXHSWzMOQ7mduiBxcQ7Wvb+kiMPTr2lKknaUdOOlN0gYF5BEDdwunYuDKpY7xGKgTOgQptaUpCFi/L1ixGJfCg5Okzo3Kzvb0yjusRbLyaUleRz1Q9tun3iie1Etyflldqk3/N5tvWt2UtiD/lgFw+zse8k0sQRwv5rJe1cnkcVfP0WXwayINq07TvHtZtrX5XhanDVVqbJQfkpA0/E5hrRdI8lzYfXOXPFW1WvM5GskF0zaJ33uOKM3YCMUjE/Ezm2Lp9npVybSNu0PPEGCNTSsRSLKQEFBzO6ZyYdy3GX0295v/Y+ZtlnCvyzwom7RytMV0A55eQqaoJBalwZo8Re0az/FsssJH0zgWU64CMSZ52cbPA8N6ZYpeCqtEUlQb6qM/TOOeqh8rihWfN5DyREYJUotC5sZ3ONFelKCUbwjD4wHa7I4Se9194SlKmylB/PJyYxokpJsbTSHAWLivZlErnA4g1IcxlIpYjJ+3Yup4gwl1+TaHDhWdsfY/6DdLVdu/Yfgq1b5YzKp5mt3vMmNGi5vGo+QPGuBBJ6chY7rkdX7HXe45MxK4j+kTxJ0o6oBoZASkelwO9PseXLYHnOO3x9KQCKSvHMSIlIKUjTw4vPW9vA9e7DVfbLZu+Qzrr+aUOI52lGpzi8GEgaO1nloTjIdHhCAgSOgM1OTVGkcbmXyorCTpXzCU1jkNrQ6OVBBpYcTou66zmzuZnjQLUMaFt/jTF1DzpivdrvxddKQddK5xzEWLjtY3jdXRQaeHIFuko8/b12I0+0DXQ2Fo+X6rF7wHGiXWo63L9Y9t+1j4ucyMPFuGhtrnYV9vPmQKsuu3TclAr//uRB/rE6TwWxltZMk8pqPXvTaC7GWI/G2IyO/CLwpQa3phvRj2G05o0ru9ggrUpKldDfu04pZ3TQ4XroCZom6Iy4yGXTMpG7ZNKtjBZZUtwiLXzFvN01oGkxfMts/Wn1OaRZWW81Pbl1rjH6l7svnoMBGJhIa03yPlcmzHWfSori7cpp+U5ilzet4aUqi0ufDOUqGOlLOHOwozRQpWimZwjKRccjuBhye3UMVYW7z2XNOcr+n5gt71i218hONJUePfmLXd393zy+hPGXDieRmslIULwHU48Xlo/V4PXZ40kPZLkSHKBY7rDyTWdP9B3N2jIJl2qMsoVOZdo80BmMeWE5pqTU2stKRSSFVnriTHt2Y/vOLkDo5tIQyDjyD6R/D2lHJj0ZPtRR8jP8ewIeqRjSyc7wGq9TmU0vkjtySXgmdgfOu7219zeX/PyvRfVG+/mgaSlet4iOB/wKqtW9xkJFkUIPlRlUdlCbFDS1EmRUoHu1p4lF6tNU1FykZn8eg7xrRo1zCkHFoYHpck/rcZdm8BNnkidlzKPrbo34FxOLREiauh6nvZtglYlaEaZtCGvyx5nSNIqpLcOAT5pYH/K8oVXUuv3S/DDpVJo1PRP5YM+LT9V98pCBf7wXNa/O/dwZDUAHstDtQGlsx/+1L7W1/owp1ZdmtVvPk1BNQTdIlftHJZ1ayHbfkgNjcnsRcwqXRRqs0C8QdvxagWeJENsaYWTV3/B+g3V+1IF+Xrge289qk6nkXFKHMdIcR4JHXgHagwBBntvMsXqoYQWWl26lrYmfDE19mshOI8LHa7rKvuH5QSK1OodBafC4KtH6Bw9hZgSx3Gk5IIUrdx31ciZG9PNZmZ9vnbHTHZZgruoIr6z0oKSccUYyHNezOhSLKx6ON2RkxJPhdNVx6b3PNsNqAZy6ZimExMjU4rkaSS7I1Dw3grGXev75Y3Wadh0XD17jhblzZs33N7e8s1vfpO7t+/YH450WQhF6aRjKx1dCHTBV/CGUlwiuZGDf0vGMRVBOqDLpOFLRCeMOAO4lMyUItIHcF0FswhaksG2SSQmSsnEnDiWPSc98Dr/AYf8Ca+n32fc7InemDQgg0uoT5QSKXo0I6kXclTIR1yMBN3Q9zs2L7e4K093XSjRU6YAp56cPK8Pe8rdkYO8ZXgPnukzNtudcQ4Gj0ZfvX+PBGvtkcVXcEMkxQQCIfSID9bhVsTClU45ceSgdxz9PVM4gGTEJ9BEniIZZcqL993oxbQs8sNXT30uekeqs1ZBRqUpqqqNXAvL1UF8JnPaJFtNtrN1598sAqgZYqaQZmVZPapS5yAtB/v59NCnLp/P36rLL/7iL/IjP/Ij3Nzc8KUvfYm/8lf+Cr/92799fg2q/PzP/zxf+9rX2G63/OiP/ij/9b/+17NtxnHkp37qp/jggw+4urriL//lv8wf/MEffNcn/wDd9kD4P/6bp15rzroWCjp7fcpvH3hJ7d8TCnE5H1iepDz5UB9TOg/WSfNsHjYsfExZnf395GDSs9CjrGTu2mNpXUyRSkwrBZy9VCw9TL0fKDOrhb1qq/JyHr4VZzkY74PlWnIh1xCbtP5AeMtv4LE2GH62+Oc2I61lgeq8n6INuOEQ761400ut02kKs1qb83OsF+tlZlIwLroKF56bF7bc0nKnpLIYNECGnatxEXoX8L47ewVfCVa9xzSwqxZ9JsaRw+GO+/0t+/0dx+OecTwS02i9nFRruLZ5ZEu8uV1VC6mZIrZ3CQHfd3TbDf1uy7Db0W92hH6DcxbQcgS865Y8XUWuFjcR3Z5jeMNR3nLiHRP3RA5kGckyUWRCXSJLIktkkomRkWM5cMh7DvmeQ75ln95xHz/h7fgxnxy/zZvx27yNH7GXTxjdO5K/xXHE6QnNUxXkHspAKQOl9LV2rZDLiciBkVum/h1x9w69OcLNEb0+wfVI2Z1Iw56je8ddfm3HHT/izek73E6v2Mc3RNmT5EjxI8VF1CVrE+MVcdXjL7ne62q6iYULk09MbuLEgcmdSH5CumK90NBKeJgpqVS0ba6vRJrslVfvecqUWD2wUmbS6OXBavXC6rpH0g1nBlRTPJ/rxeo3q/FdP89rz2RN86ykuVtNtHyu5bvypH7jN36Dn/zJn+RHfuRHSCnxcz/3c/zYj/0Y/+2//Teurq4A+KVf+iX+wT/4B/zqr/4qf/SP/lH+3t/7e/yFv/AX+O3f/m1ubm4A+Omf/mn+zb/5N/yLf/EveP/99/nZn/1Z/tJf+kv81m/9VrX4/ueWT1MKl9ut39e/fdqTgke/euoYbf/6+PGWfS0WzFPLGoJ+mfuaFdYjv1kvj3tWNskeemVtsF3exxqq0tnus31UEIHR0FitVPHZiFElVy66MoegcqMvakew+F9tZ24W49D1plQy5GwM2+IayENQScBKEUNl5E40UAer/EyMqSpINdiwd/iuN2UQrDdWUQu/aHXUKDqHZ8BZoWbvcDkg0UPWSr9UrE+iNvBG85bEFFQTJLTQma8Ol9bsgXlSXk1pi09zm3JEkWIZjSkeOIwn4gibzkO6put2+HBFLhFcoes71Ft4y5Kiebn3uVSIs93PGBMpJY5xIgoMN1e4rqfEjIvOGhiOE84FHI7Ob2ojQoFsZK+5O5F9ZixHBjpUJ+7L+4ibCFLIrSO1Aw1K9pnISM6ZlI6UdELTRIoHUho5xT1vjq+4jW95679B6u9JV29x/clg8GSDgE9jpc/agG7qpRrggVLI+YTogShK2gaCBDq5gdijUw/HiTJ6koe9RqLu+fqhZ1euGI49z3bXXG+ueO/qQ7qwwbktLvVIDqbUaxhQpPbWymYo4TtwRq0US+Soe97pG47ujins8UOGYEZcjKagUrKETplzczVPVUz8t/xx8GqEvd6jnfXqkgpaWvs/NtxsbrdZes6i3d4vPaynlktlJSvnq1mva/lSw4Pt+yVQtFKMn718V0rq3/7bf3v296/8yq/wpS99id/6rd/iz/yZP4Oq8o/+0T/i537u5/irf/WvAvBP/+k/5ctf/jK/9mu/xk/8xE/w7t07/sk/+Sf8s3/2z/jzf/7PA/DP//k/5wd+4Af49//+3/MX/+Jf/Nzns1Yoj4X8Zr0u53+vgQVnikyXuO6y/lKhLOi+88X27RoL44qrr7ViUl321z5b7gcMMvz4fltM1661nVt7yIvLPjc/W52vVMF/uevHlNWlAmzr1h7bmcVWw1c2DhUlGwxXQEs9b1Gym4juRNLJYM7JkZqf4sN8nj4Y/L0fjOki+FCF2Mj+dOQ0TaSc57YHBlTwM+mukyo4VUHKnJNJJVGKsWvkau0WpHK/eZwPVlDs3OJN1+aHVOaBFoa0RLqR+Xpx9L21pShJSSlRSjYknoqlJELlRPRuZUGaIHOVycIevykqT8vDWb7C8hYFrxEvhW2/JY2F4z6jac8YRz55O+G7I6E7cujvye5EHwR6E5anSrZ6OB5QAlk9WQPOW+uTWBF/UyrkYs9k2HbIVrjyV3ZPixIZKS4RnOC80Ui5Svl1nO6NlcA5QuqJ8cSQdjwL73PsPySIFUmnLIxjZiyFu/HIlCLH8Z4cj+R0IscDKU8c4x3HcseJA/nZLcoJdfd4TvgSGUqGbO1mtAxICaTkzaBIGS0jaELKyQwZiSRn9GYbV/BhS9hscRvwsbbvmA6MceLj9HX608DgOvZ5x/W05VTeMfgrtv4Fg1wTZEsXdkbt1AwmhJRj7fIczNARJXLipHvu0xtOxTxMQkSc1Q0aq0c1ZIvxCOZK4ZRTmceTE28tdWYEqbFjaDWeamxgzhuXVXpiFlkPmMxZWcprWShnOmiRRpcvqenQRyI20vZ57oFdnNFnLv9TOal3794B8PLlSwB+53d+h29/+9v82I/92LzNMAz82T/7Z/nN3/xNfuInfoLf+q3fIsZ4ts3XvvY1fviHf5jf/M3ffFRJjePIOI7z37e3t6tvdY6HNqtfqpyymywP78eKLPZMyZ09LJk/rvys9WHPDAhTEk2IC5e5q0tdaMvK+3mgoOYhUP+yEdN0QxsU6/3KpTISZstm7YavB9GsuB/xHi/XLaHMer3axHdVUtKY4qvJjIXCsptI7kiSEU+g0FXfy1m7C2dC3GqynEGgQ0fnOw7HAwXlNFmepWgLKc5mweoG1nsiK3AEhaLJkFiarCpF7HfivClJHypH3hwdme+Puobca/fSQnYOATGrVtS8HSWZYMEQe4vCrDSgNYGuGiwc5ELdJ1DbLJiNY3fH1zqwnAud7+mc8OzqiumUCDJyuDeWkMM44bLiUmbyJ2CkD6BeKN6SdbkU8jQibgQ5Im7A+4LvZO7/FFOp9Vzemk76wPXmuXHjiXCY9sQyoi4ZqMJVT0oLUx5Rb0LxkN+Sc+GTeEPsRnKJbLorRDxJhWOcOE6RN4d7xjRyP96S4pEcT6S4J5WJU7wnuiPJT3Q3sTKQHwllpEik0wLFI9pbHZIGyMGg/Bm0WOsZV7kbKjUviODcSO+MskhCgKQECukIeRzZI5xyYNCOEgcmBkqIbMI1N93I1p8Y3DUqBZEAEpgZVrLgBZx6irMjJx2Z9MAp3xH1QOGIuFjpmkrl6asTWS18V1K2ZqOpAWgs/4RCcZlSLNQsuvKemv3YjCoL36xE2dqAXxnbuoiLRQzqYjhfhu5WsqZJqSZLzjatIWWR5Xe04b16/6zlf1hJqSo/8zM/w5/+03+aH/7hHwbg29/+NgBf/vKXz7b98pe/zO/93u/N2/R9z3vvvfdgm/b7y+UXf/EX+bt/9+8+/EIM+tK42FYiH988IuzmKcweTdtKAedqs7mnuP5WpsTsPJzrqsUahhmdw7z+gdmy7PDB+vZeLXFq/mK+sjb0ykoRPFEnVb2YhtpDmoLCBncbWGsABRee6KOhQbu+LKWmfCoqUBRHBOpkLVsUT3SOsX/Fwd/zvn4VV77ELr/AaQ8Eghvw3tF3wmbwBC/03ldPpePd/S3344E3hzecygh9wTljiXclI94UR64CNrXWBSJEl8llJMod2UXLi3XGKOH8BroNhI7s/WxgZs2WWxCpeSkj/RVxiN/i/YaN31nn16IUn5DaB6gTb0S2JVXofDE2a2kKNJigpkPFkSXQ7EonLTTo6CqztsfNuO0XN1dcbTd89UsviHFkf7zlo1cfc3fY89GbNxzigfv0hqHbM2wmdv2J0ScDfjiIpTCNR6YCpxgZYyGEnj7siBHr6DxZLd1ms+Fqu2O72bDbXdU6K8+QryiaiXkkpZFpOrI/7kkpIl0yj9E5bvU1wi1v8hu6sqGfdnRsDaStgZIyORaO6cBUJu7TnpRG86DyPbFMjOWAD4oPwlUZ6JKnPwVKDgTfcfR1UDshlRNFj1hLK1NKhVYPJ1gzlgGJHpedsYQ4B5JguIVekF4INw6fHcIRxTOKMOrIqxL5ZtrQ5YFdesGgz+m5Yqsf0HHNVl4yuOd0smWTdmw2G64312QCSTOv7n+HN6ff5fb4O6TuW0j4BB/21jesOHrXkX2h6MEaY6aMnhKa1OCQGOrUDeZBFe/JnaEng3c1ZOzqeBVjsW8So07fNTfg7OCYiFh5Wcu6NiaF2vJjbQDPCulceT3mOK1wtnYIZQ4//v+dBf1v/s2/yX/+z/+Z//Sf/tOD7z7LIn9s+bRt/s7f+Tv8zM/8zPz37e0tP/ADP1APdnlsWznfqxqXFRY3swnoy2NfouWWAyweRAVeXiizxQM738faw1uOdXHGs5t+uf7hsiiyWTE+GSZcKs+btb6cy/n1PwbGWH9+cP5n1lILV1LZFeqrgiCsHUHtheSPqJ/wveIr/11gwDtHH4TgtFKrlKochJSTFb3W/crqHrr6rE0ft2RxtZwbMKOGy1o+rAFLrKmer0i8WlvWvFRpE6g9wGooyNJptkQxY0EK4jyuIugsB5BrCF7mJ2HPrHpvcxHZ7BbPFqkh3sxzcWoGhcOx21xxc3XNy+dfIqWR7bABArvDHnzP7fgOP4JcT3TbhO+MZ0/QGUhTSiHFWItNO4KLpFBmJVWKI4QOtEdEKmejnbPzwQq1izdG8ZxoMHKqsYIKOVfvURO5HCteb6TjiLPOaPZ8pZBdRCUhjCATSETLiDKR5TSP14JQNNSaLU8RY54/T5dW8mdR1FmIXWU2ATBiXmsI6mQx0qhtPJw3IY+3sStV0BcmlJMRMTNxJBPLAV8GjukWX7b05YZOr/AMDOGaq90zXvqvIN1AQnl7+Bb38RVTuUVlrHRiqXJYCA3UZ/RchZKroVSUUmqJyBzhl2a7LgDSev0zB4Q2+X8eWJsl2rzioUsjF+/r9Z9lwH66jF9kpEUTnkqbPFz+h5TUT/3UT/Gv//W/5j/+x//I93//98/rv/KVrwDmLX31q1+d13/00Uezd/WVr3yFaZp48+bNmTf10Ucf8af+1J969HjDMDAMw4P1zTN4uNS8yEr4L27spUmx7GvNBvFYDdLDzA7zNpdQ9ocghGVGrU9jteZin/Onh1f3RA7u/HzlzOJZK6lLxbnosodKcL0OqgLW+a/VObZ+PJUmyYpIoEGsgRj2aDjSbRJb8QQG+ryd6Xe0jGhJxDKRcYhEYpxIKdGSxqJSCTB1VjCLlqzCqSRU04wa1FzmOL3vPMEFOt8Zi4A39oeG4Ktq+Vx1iCWtjcDV0/cdeTIgRrM0vXgIARULf7UHOCMLMWWHM/WsdXyaUrWJ6wSCuFlZk0tlZg9cX1/x4sVLvvThD1DyxPF4z7PrDziOR54//5g3p495ddxw3ETKRpHNWwTLdfgouGzQjCmOMEXiVKxBpjuSoiXoQxgYhi1lt7FLr4l4aWhE51FfkDyBGFTflG4BKot9qvNEoZQJyoSoI8keL47O1cJrp7gOvApDAV9ZMxIFUiZqtpI1EVTjCgna4Yo3pdjC+7Vw1bt2bEOGlrkEQQBrS++9q+wgMnsKArU7gHW51OTqiE6It5dHQBNTOjLmCmiYAjoJ+SjoZMwaHc94fvM1vj//MMPVDcU5vn37/+Wkrxjda5yccD4hkg1aLZ4gSlZlShlNmRKTKaqMcUV6m3AN8WptRBxSiXsNXbooJG1yoOmsM2W+TJdzecFaSD66PFpec/Hdep8L6OpcuT0GIPu05btSUqrKT/3UT/Ev/+W/5D/8h//AD/7gD559/4M/+IN85Stf4dd//df543/8jwMwTRO/8Ru/wd//+38fgD/xJ/4EXdfx67/+6/z4j/84AN/61rf4L//lv/BLv/RL383pcC7Al5vR5JY0i1hrw7Cy3t6EyxomPhOcPoL2u1x/+feneSLrY7a32TA6U1ArhTCbO+ceXttvQ/o9zVxxscuLbWbvEWX2vh8Zo+t1c41ZU1EqaKUOsPtdiTBrElhoHRtNwOx5TS8DB/eSLvRmVaeenARNAqV2rm2MOa4aDkXpfEfOGaepEmdKrbGp4c8Wiy0JLZGi0domlIQUrSEL414LfsB7a7bY7vUZ9L0KtcbwsDS2s3Ylm82OeLJckVYCVu8Myl4AyaHC6Yu1WiiKq30gnKueVw3t1UbeODV6IKegMZNV8SKE3nN1NXB1dcVud43oDikdvihXXWDjrxg2AzdTz25UPuZjDu6Oe7knciS7aLpRLO9n1nlmHC13paWS5qpj66CoX5CXgDo393hq3umUlldMZpyot9GsIsZnWEsLWhhTfWXJcgqu4ERBA6IelzuEiBBxIeE1431GZj3kKtQaNEv1yqtXLK46vE2ZWkF3cSuEbw0rOWeo0RCsxK5mTes0WRm8bhUQwKPaejxZDzXtM+oyMU9GQhwiKVtY2JUdx9MrTq8PdPsrxHsO6Q66A7LZI/0E3rwkLQo5W0gvFyQqkgqSG80YSAP3hIDrAxK88Rd6aTFiU1R1sraEAJw5mWeRtctgyEOh8enLU/nry8+2TUUePpk6+Ozlu1JSP/mTP8mv/dqv8a/+1b/i5uZmziE9f/6c7XaLiPDTP/3T/MIv/AI/9EM/xA/90A/xC7/wC+x2O/7aX/tr87Z//a//dX72Z3+W999/n5cvX/K3/tbf4o/9sT82o/2+m2Xxlppgt/d1Wq8tl/fo8960S7j3d7cs4IbZg6rV2qYYFsU6bzUn6h8fEE9dw/m2euY5wePudavnurxPD1Jzskzc+TKUVcvoun9tRbJWzeekgMsghZE9J+44cstO3qOTDQGDqmvCCnCl8qDN9UT2DL3zlaBWZuLVZipqJWmdMU2azJsqGdQ6FVuoTQyoIdZuQy7Gx/pBWHi4HkdMUVnOxdOFrjJlO+a6GCeVWgmzxlvvIgWnlbuv0jMZt3lVfA5mICFUUl5jR/fB0Xcdu92WzWZL329R7UDBYY3yzBsspH7LqR+4zY4JJcpohbGVzFaqsijSkIMRLVCyoKYeUR0WkEmxMGnWYozlpbEjZGJMxGiIwFyvsboFQDMsrA26UimQXK0987nC+xVrQhkMIeeyod2kIK5UmqvmGVWunUrDYCS6pRoPyzh3YndWneJaIeviWsyclDMjvjwWZl8JecUAGISl2SkWqlSXyO5EcpHojkQXyZKBAyll0qGnyztcCEineIl0YbS54FpoGivard0SpahNm9JsVKmtbLz1uPJuVlDSeL9kpaRYGaHtv1WggeWb87z6I8b2Y8tj6N9P284M3IfbndcRfvbyXSmpf/yP/zEAP/qjP3q2/ld+5Vf43/63/w2Av/23/zbH45G/8Tf+Bm/evOFP/sk/yb/7d/9urpEC+If/8B8SQuDHf/zHOR6P/Lk/9+f41V/91e+6RqrU2b3S4YuCkkUpGOpOavO4c41/GcJbe1TrdWsP5JLU9akHdp7XWk7xiZnxiNdzoVhX2zzlXj90tR+eT9uv5YwwIlBtRbuXnpuu1rV9NOuz/V89KuNzrjOslZwXcJHilX36BM2CnAbQgeQKL/0VnQ509HgczgkyONRZgelmc8dmjDP7t/eB4KzTatFE0VwFseWHkAgyUhhRd6pSALNGXSCEAZEe1FFKVVNe5mtriqtB91UrerDmk7wP9H1fCUcjKWYkGPFu3/VoKYypkHK0Lq2lVFBGQhWcGmmsF49z9ZoRNFqNlVcheGu/8f7LF9w8v+aDD1/y7PrLDN01Y8ym1PxgfY1UOUxv2afX7KfvMIV3RHdP9COpmIWvWC7GeyNFXT8f570Ja1FUIqWMjOM9+2NPUhhjmu97K7y+39+RcyKlCcSKtF2lwbKCaBPEUBGf0uaqVkJgUBxz+QW5lggkEMU5MbZ9wbxAOiMlLh0UK2wuuVg0soIGLJ/nVuO2GX+1trDobLDM8n2eGFLnxULBZUrRGWu5dqCVDFhqLq4IaKrjJVcrQ4g5EbnlqL/LwDWdDAzdQAhatY8h/zR2RnKbPHmkEuxWIwV7LuCsuWbXWU3W0CHBoV1TUlbLdyaNLmXLA7myntePL08pqqeU2dPRpiW18GgO68kzOF++63DfZy0iws///M/z8z//809us9ls+OVf/mV++Zd/+bs5/KPnY11qZ8ltD06W+qPLG9FyKjOYYiWQL8ET7Rhr4d+olR47l/X7fKxqNa9PZrYi6n8N1OHmtr9weeaz8nni0S7Kqf12OaDW47T3tackmJXfSGKX39n7LLxlxQtG3W4239pZuXbEWbtqzfdAsXqRcs/t9IZNeU32gcG9ZCvWX2puj+GoISaH7zpC3xOCx2dDZRm1kvVPaoYJWOt5JZKZKDJSZAJKhbgzc/Q1v+VcnC2fFhW8eFqmy30N+7Uaq0CLLWtRqhtViXQLrhhPm1AoYmCKIpDUwAuO3gqX63V75xl8ZySnQ8/7L99jsxvo+ytc7S0lvjIMkEmMxHxgn99wKG848ZYoB5JMxoSulVB3Vcx8kbKchUgdCRa+ihOn05FchDjFGiZrosI6KytGkGugDK3eslZYdvVonS4RA2qeR8UcIjH4tBYh5VpgnI29XYsg+NnANKYLj1Nfmxq6SqDe+BprrkaW8b+8yzKka/pP0DksoCwel1Zj1kK0YkwNhsNBNVUvKpty0mL6ub5cMRi8l0IRUJcoLhpbulhqwUKm1vamFFN0WtzCZGMu+8KmIq6G9+zlfPOimuHUuu8+sbSH/Wli+4nvLpXKU+Uo54d7jEDhU7y0z+lKfaG5+4pmI2X0/ixctiak0ZXAnIWzNIvlccV0uTymgNY8gJegi8fBFo/z951NJqwn0Tnbw8MBst7H2TrWYvZcQS3ntfa0lnXnimitoJj3dW6l5qofqhJuan89kFFSSSiFIoWJAykJY3So7Di4zGb3PmUQNsMV3lnP25RsX4ojdD3DZqAbOnyZkGgQihZmq42IUE2VkHQicyLKAZw1LPSho+XxTGJWtgepAmu+wia72v1ryswUUAjBShZUCF1Hl6yVh1YDwEg3xWiNKrox5dGuH2psvlCKsWFr7gium5Fzg++52V7z4fvvc3NzzYuXz412ySmKI2vGhXqteWLUPafylrfpW9yWb3PPK0Z3XwunIasjZ0/O1jK9ZCojf2W5l8Z2L/XZJ3KB03gkFYcPk4Uwq/L13oqtu84TgqPrg3UGdoaCyxopmlFXOwrMw7PSVyEUtQaICpUJpJBTIqZCjKWiDIHah8k5hxdjunAabB1SQ4I1t1S565rSaseU1bUJpTr2lsNsEZEyzyW7L0qNtipoLrhsbVRaV0ylAh5QJGYkFoiKJI8v9k12QgoKPlGckI0ngkJHLp2FP4u3xpLZ+P20jjErAG9K2kHokC7guoB03nJRnlnGlaZwV2N4LRA+r7dyPr/P1z2loJ4y1s8jQA9l12z0f86T+0IrqQYtLsUStq29hLTaHSxOfebGzE7CSn2cCeyHruzak1r3ZHrMq7pUVC381c5nngwrQWiKSeY8x2Ohunn/fPqzfRjAXJ/Xcm7n11Wo7K/rGEg9n5Wymg9uBawye0mL96G1Tsng35ZGKCogHukKKiNRb3l9/ANu8y0le56NL3m7ecWLzUs2YUfvr3HaWaFm7wgpMFwNnPIII3OKAkoNeUUyI4VoCsofiHqPDBHvPX3n53yPzF1iTfmYQdpaGlze8+bjyowgUwwq7Jwn+I4QrINvzplSUWN93xsjQxbi6UjSyFQyfSVoddUbpEwU8SQKz3bPud5c8eF7H/De8/fY7rb4rsPEYqY4I2GN/sSYjuzjHW9OX+eYP+HW/S57/zF7vsOdvmVMB8YopGQKf5qSdaKdcgW2QCtKboq31cKgzmD76UROlXIKh7hAFzp8CATXg+9wQHBGAaWuI6uScjYFXJqhY16EwahdvdcCKrUsQGY2erv/7bW0mKCYgnGUpZ6sin4RZ2CU2SO8nD/V8NJiDbcqk4c2hvgqVBvNnSKUXFk/csKVE1ImG8hVIdQuWVWTJchTpWKCggPpcKXHqfFANGZ+1PJbqs5qmURRX48lYmFZX3NTBHA13BcsJ0VoaI/mBTbi4Uezq8u6VdRkmd2PL2sPquXwPk15zftbG82XDtPn8MI+bflCK6nmvRTVuazVbkUtzGVB/6wXCzUsf383eP9PA1A8UFDVWrD2LrJSH4syXEItDe47nwWPDSVh8eIf++7TlrVXNb+vwh7lzBLFJtG87+ah1qvQ1e8vjr4o4vZ1DU/4AhopQTjJLZNmPonfZtITSSPZJa70hme9ENga7NcprnPmSXWuIq8KrdbG+B2sdUShvmQiuwnXJZxX6Fp4B0hVkNW2CGcBPV2U7coPn0NWa2PG2MQtT1YMgTC76c55gmRw3hBbpZDKRNaCJ1vfKgRcBBdwPrDZduyuBm5urtjuBoahBy9kirWw0GjKcDpxP97x9vCaT6Y/4KRvGYfXnOQNJ3fHmI5MZSInR45KTpBTJCcj1tVKsSNu4UdszO5NoGuyZoOqWumtHF5BvdVCWY+tJtLNLPKuekjOGQtFMxjFIqwNV2HEGkvoecGjlflzE8JzfG725EvNJzWvSWtosW3b5swy500hakVYpvq5wdl1DrWZkrLrN7lS0BLREpEyzaUCZphVFpLCHHplJhb2kD2ugh8agnCu41NHqd43rl63a0aXZ2lxU4mFm3LyMg/LBnZSNeg6uoT8LuXamd15PvM/93Ip6z5L/jV5sk4VtO/PldXnO/4XWkmlksnqq3Bp1m6N2a7dTJFm+7C2jpnXtc3Ow1prhfRYovAy5PaotVB93yUhb0cuPGQqb5vXH9qkfuS61zml/7FlDc/FPIRZsS7XYt1k7YBt0Nn1NMuwivQzgdBqTBrzgy6/c/dW2d9HJleI45FvHk+E04Zuv+NLx6/xbHiP/8vz/xtb95yde4n3QuiFZ8+vOaUT4XTH/X1kSiNTOVF0pOhEytb4Thkp4YT2I3qVUV/QLlFiQnPCa528BGuvQeVGaz5h491b32+sKaL3RmeUk6EFfQj0/YACOZoCaJgaqR7GsHFIVsZpzykWJoVheyKEDZsuMuw8z7Y7vu/Lz3m+e48Pnr+gNUUstfVJKpn7wysOp3d84+P/zkfvvs3vf/J1putPkKuRFz+YKGFP8rcc80gqUKatMWpPmWk8GjffaKAE3xg9nNU/zUXN1LFdMMCHAjWUFoIwdJ4QPF1wOAolTkY1FBze93ixHJ1zQinWC8q8nIxImpW9ajWI2qxwZUH3hWyKoGR8Rel5l/DNc62QbA3gnEH6bTwv0Qmh5pW0zkPTPEhKVVk41tOsGSeth5cBckwBaPZoGaydiBakZJyacq4xVSCYwSRKjlYO4b3iu4J3uSpHQUsiZwPgGJtRQchIV0OJsaMx9zf8vTpfc7Q2FshLuFJRktqYXQfiF8aIlSE2G2D1/QmLdh0puowsPaaYPguK3hTV/4w39YVWUjpbLys4o2CuffWgipZaV7O62dW7cS14+kSM9fNCzteC/eH2Vcmhs/V67kGtj1cHUPtvtkgWtfo/rpuqxXoR9luollqgcDmSzq6FILKKNWsFp6z23AyFGVJfvSfXBinW6M32mc1CVKVkR0rmAb2Nnikf2cgVV37PjR/Z9VcWcBocYRvotx2coORcvZOJoiNJT6gmkIns7aW+4LxQnAlnKUs4tSXZZabmhlUc8fxGC0vPnma0UANhtTUIujx7rQ9TEPp+gJzxxRnQIY1oygQ2IIVIT5KO7E5MHDjGd2ZtK4xp4jSN3B3ueXP7DfbHT/jGq/+dT46v+fb9t4E9wSW6EnCM4CKpJFIWchJyhByV1ODiucHR2zOuaqIJRgA19nZYQCYWiq4ekRNCsJb2lgtiZaVUI7EZXqa+0dq5z1COda6KzoLYjmHQcykFyFVxaWVXqMAIZ+0trHtJmJ9JS0+WXL0cGlq9tV83T8aVpePx7DErq3G+FuPmkals6j6jjY/astAUaao1ga2jsl2v4HGqVZmt67HqfaBUEnDbn0rNZ3s/O5KlPp/lSVEFjZrXxmxWzWdsgJCVrGjRg3l+fvbSUhgNwbwUzC8ycgnryWyEs5bBq+Up5fQ4yOLx5QuupGrse2b6rY+nMlCDUHKznLG+Q9WksOQ7K0+HMxf1qeM97cKce2FmNbbwwTIpfOjMKgzhwQPTuW20fV4PrPn81se/DEueTbT29fn5tnG1FqiLoiqrc2/3hrP1hkCqlVHzfw+OgrTcgFBzUy0kYpNcg7dJqkpOgexG3tyP3KW3MHpuwjued3teXn9I321wm45uFxiue+ROKTGTqnLKZSTqEUg4l0h+JIcTGkCcI0tFTDnjzrP6Gmar/oFXfXGPm+B1lQdRi7bgbOXKWNS1KlWIAc4xdBukFEJ2jHFkzPfkdCTQozJyKoFRHaPe4ZMip0LJjlKU28Mdt/e3fPT6Iz765He527/m2+/+T/b5jnflHV0f2fTCLl3TdYXOmdeVkkOTWfVpslYQRi9ViW/dElWghfhW3qNz5/RNgqPJKueg64y5wRpNVrXQDLH6z9Vx0xCXctbUqIarJDD3Biu1QMiZJ9WADgZyyzX65XEevBd8F2q+y0KiLXTXhGWpLCOLkqKNXgxu0DzH1eSpCkub0hUHbIEB1dpkkYS1PcnkmquS0gywSpMldufsZSHJ9l7ZZGeFpmLlEypA8DYl5nRcFf6ziLN5KvUaHxKar/6qIUy3XNr5PH1MjNU5P4OMmgdKk6FrI7Y9x2aMnD1e2520/9oprb/4/Ab3F1pJBXUE5kbNnD2kRn2PeVUmeJcb3GwlEVf7wdTfz5vo3ExM1w9Bbdp6w8DSkF3zBGlFC3UCiXNoGPChp+8HtpsrY1vohln4NY65FCdSjqSciOlgtSM5zuc6n3i91sViZbYWlwFjlpue/aiqmTP33VLzzZeaE+hS3U2RZaDNoUnqBK43pRnSpf29Gn7VEDAB9syeRymtvAUJEyqJgiNtTozxjq9Pe3ze0E07rk4f0rsdV8NzpuPIKR74JH2LUzkQ5Z7kTiR/4qRvyRIpYaIMe7Qf6d0zBtmwyR/i8pfoyjP6EpBS8ExW2OqglH7W3kJCyGTj96nMBBa+GXpP7y0/E9Qg0Tf9NZqNbiiWgyndaSDIhuCu6URQ9vTdOw7+I6J+wqm7M+8s97y7/Trd/hn/n0/+dzwbvFzZuNXCcXzLcbzj9v4Vh/iOWE7EMJKDwexzUjh4xlc7/HVPuO6Rwz06RVK+ZUoTpziS8smMBBqD/DJ2XG3GaOPJPGBxVmBrodtqxDnAZYpAlhGVWtNWn6NztQRAzJsrWK2YjQELK7ZpuQzJhoYDgreW5TVUr9oiD4KESl8VOnv5YAzmrpoJxmyFEA2oU+rcFaU12yxrI2x1/aYkTNk6wIvi6j7s7CLiioWNVWthM0b1RPXikuXuSnHkSmFUOkhOUHGIdJZ7pIG4qpAoDhPBvs7hRtZsUZ4meZrY0jkUvaQPdJ6HF8a1LlnktQn/qUvTIXUuK0qp52Ji4QKU1ea6LH/OoqLO+FbZknVpxDkr2c86n7p8oZVU6x90fuPqf+s8wyyC6yaKha+aZTK71Ytl0LybS9qhFuqx7as5Lpwh3ZqJ3pLr0g103cCw2bLb3ixKqqKeci2SjHEkpYmYIi4WUp5gWp1LvTZdPfA2KixJuuRX2nk0SKgJIZ3XPYgl066rJaAtYT6HAVsyrc6i5hnO61aDtZkBs3U+K66u5gQyghVWItnYA7ygwZCAU5zQYq0X7qcDQbZcxReUKZHGkX15TdQTxR1JciLJyMQ9WSZSGFF/RF1EuCKoAAOiW5zubMJprM+9KnGpaL86O1Wb5yiVUshVdge3sF5gnBW97+l9IDhHavpaBZEOz4be9zgRBrfFZ4E8Ed29FSFrYEwZlw6U+wNaBsibGvYtjPEdMd5zHN8QdbRaq05AMkjGKaSkpFOhdEAfjF4qQSmRXEZyGWvHWK2Pa3nuSw4WlhBoNVScs9yNllVUTo0YVlMVmG4OmWa1+iGDoue5l5fOd9LuyzIW5yAWa7Z+V0WSqs65Mud99aI6A51UoEdTsFYLZUqiZCWhOJfNXyquFgDYuKNeo7k51TOu3mCzx8xorQhWqqxo3lWx0KONaVcRfWacuhrVUQH1Ym1eGhPsfBMvlrK6D4v0aPbk8k1zneYtpEqqBohfG6fLtHvs8+db6vxVo7KSYjnA+cTWxzrb9yIE1pKIdXhPhO+ZcF+rJ9KV90ML3zRCOswqbfaSrCZGY9yWmuxtjOIzanDVTn455hq1xtl6alik/c77jr4fuLp5n832iqurG3bbG0Lo8b6rqCqj0CklM00jMU7EGBnHt8R04nDYM8VIjJEUrZ9SUmsZuLZsdD6Hpj71yYG5BoNcIhLX26wh9o/C9FejcPawllWz7mrrnHpm6L1ShUammq64XlFvZAVxKsQx8+74HXJ05MlTpkyZDPzgAN8bk3aRSPZ7MpEoR4okSi50Wo1VZ3xuLcQ3S6Jm58kKwlu/9zMPHAxdz9APDP0GrwHJi5e8Gwaybik64ZN5Ct5t2XQ3bLtrXrx/RfFXDPqG07vf5W4vxDIRNZNJFYo+st+/I0UhjQ5cC09PgOXZKiahsqZgobuk+ATTNDKOQtd5csrkbGznOWczgJpFXj2nJvzXz9ZVr6UZVk2hlGodW32peQFTHI3dJ9s9FCd0WTH1kEi5VGLf+qyllYI046eNFWlfLyGm1fhrimipzwp0XWeF3cGUl/dhBrT4Ls2dhn3M5JSJLs1MGY0nsc135yrIqsbTmt50GkCVEhSXBSky53fmcaLYmMyFktLMxRdTNG/TWS2d7yqlUbvfs4G3mijrqbfyROyrh8Lc7p8pvSYDH5NVbb5+t5DvtrT5b/26dJm77cwu9uu8eYRunbeq53ApT75nlNRqyFzEQ1eelDaLvnkEzO8tViEt9FCtwgbIaMzLZ0ds7vXqYa3yioDxw4k4dttrhs2W589est1dc3V1w3Z7TfAdTrq5hYLFjwspNdbvyGkUYhwJoec0npjGkXE8kVKCuB4oy+nMzsyFUp0FQvUcL1GLMypqFQa5XNbKSatfL2cDcf1U2gSbz5LZgJijHTp7LUshbrVYO0Ewy5wsM0RXfYFQkFaL5RSVjLqEDxbKshYXwZ5D6XAEVHOFVCca00QLR5x5Fu2ktfqT9V54HwiVr88Vqx1T678OqnTOsxu29JvBalv8FUO4ZhOueO/5lhQ6UrqmP3SgSi5KopAEHNHGT2jnUQE/ALQQXZk9XacmaJ0TfBBjrKj9wZrxpKrkKrRk5T2doUlXY9e8JyPJbcpq9npWErVoMjh8rE5B9TLFWe7X2BjyDItuBqO46pHXcbgoJXsS2ryb1bKEIts1noOOrLOxx7tA8H1FozkgG5NDltrFFqRSNzXgQhPyDRAyD0xZOTtqyELnXVVSLNHv+jmJUHKmeKNp0qwzTZE4y5u5ZhDUF7Um0nLpF8bhxX1oc+0xQ3kJVy7zeF73iFJ7yhi9XB6rf7o87nr9Wi6UUio/5HIelxRzj/32s5YvtJJqIYMF0HBhysPMRm1ytU3QqqSc/a4NmhlgsQr1LSGLxQhvE+38PCrRKB7vPF3Xs9s9Y7e75sXz99leXXN9/ZzNsMO7DsukNaXZBEsipUjKkdPoiPFECB398cApnBBxxGhxfitItFwWMBcyN23RHMrmI8gigR8MwuXvpxXUA1h+KXCx7RLKuVxX39tzKi3erqyT0KUmkCWAQcMTohkJasopKZKw2H5D01VUmO+rseAESkBKoJsGXAnW9qDy/M03HFfr1xpS79zzW4wQIfiOLvRGTmu965lBO1ronCMMW9xmgwsdwd/QhR192PLyvYHoPON4Tf9JqErKiK+jFLxLOFfQQIV717xNaZO4WqFpseSdM/BA8GIehatN/OqTX6IA9XnUa2lFtc4t484sXyo0vXkuYoIeheZFYF6Z0pBsZnw0JZlcM4JymxQIVdFoM1Sgtd+YlQ5SUYSLgF6/n207C0kB8YiEysdoBkQpDtSURnaCc9ZTyw5dG4WuFXX1lmdY00pJNeUuxQqQmxDwImbUqlblXCjeU1KuisqUlHOCq4zl4j1S7y3SlHKNecwPfD7ogzl46SWtvbLzsfpwuTRG14rvseVyWxEh5zw/h4eyo16L1tq5M0Pi3Htqv1mf1+dZvtBKag4hnLmhy2KTNdfJ2jyqZsFRFZStF2Rm1y7VCrQ5vuy/OWmsBnXdjT0IJwTXMwxbrq+f8/77H3J1dc3zZx+y3V1zff2MYdjVeo/hwjIpxBRJcWKKI2PsSWlkt7nmcDxwOh0Zbt8xTicO+zumaWSKEymNFkqjhQBWLuWZV6Tza22dtfDlevlcntTFuvrLZfvL36pCiTUskitYopCLdSvIGabUkIBCKR4Vj4QjXmodTSdI8bgyVz/WPIXDD86KI71iua8OPTzDTVvkPoGbQE84v63IX2GmPFoZC85RW1dY6CuIZzvs2A5bqwOi1o/V/J9DCbUNvfMbxPV4v6UPA30XUInEfODt3Svu9rccjgdkEIJ4C6Xl6qHMngcrZeRpYWQf7P56ARODha7v2Qw92+3WWDWcnVvOFvIyZFulkRITbsbWsJQeCDqHQr1vygok2HGzmrcQU6FkI6zNxfI9qiyeXDWSRMB7Q1CG0CD/iyfkXKiEtb4SSi9lC4tRpUtABCri1coDXDEgVG6crt76UDm1BoE6UzBZZ+RSoGQzDOzG6hxUMKOkKcRVRrkqgAXlWLdBKtuE1GObB5WjpwTrXUZ0xpuIGuees3ymNN49WeU+2+NuJYVPMDw0dpvP4wU9NnfbHPy8iuGpbR/LZV8erkWeliiEn3/rVsbIdxOC/EIrqabdSyMafdKiOItb1DVlnghz7AJAlxCazgO3Wm/68AEuVp9Nwi6Yktpur9htr9ltLcS33VyxHXYMm121zDe0LqFgEzGmkRiMaieEQsx9FSoW2ohTNKBFisydZ3OcQ0Fng1Rs4l3egwYKmNfqw4HWruuhEvrsZfbcWCxUO45Co7FSq52x9uqmlHI20s1crHaqqHVkFZ1qOwYLGzmq4NOF8cF5j++8sZkHAekQOnLZgnS4E0jJQAQZ5nM0+2Z9bRVcI00gmVC159XRgCRmNVah3BQKUml/2v4sTJfyiVPac394yykeSZUFXRCsDrV64KXgKvzYVeHsaMdZh4CgGRrBtzyNn63ctee6eHuzkb6818+NEbzVQDUvbXlusljLdfyUVp9IQ9ItHoDJd1eT7HVEzF6Lq63ol7wYiJHgXiRm2vhpBiZqcyQX854bnN4XNQ9mxXDSZnupvynNs8TIbxvH30OvuY6BNo9msINbPKv5HzYGAVUjwyWLPccqXVpjQnEtfyTLoaSBSZbDf1q4fXm+l3LsfLn87WUUZL3dpymKx+Tcpxmqn7afxz7buX8PeFKthcDjcdTyyC9aXByolQ0i7SE2600W77vWiVyMYVqsf710IRBCz/XVC3bbZzx79j4vnn2J6+sbnj//gE1VXNvtNSH0VvtThawh9wrTNJLiZOCJsiWliX23Ywh7hm6P4DidDoZqrLD61oE2l4L3Sxx/FmZzeG8Je17m2Z5aLuPjj02e84lV71cTFiowKyKllAnLD6XK6Wdovpw8OfekWD2qKIAHvE16jaaoMWJYL5YsH7ptVehdTU57Qt8hnQPviEOgHAIpgtMJzQdE+gViTctHSqXKyZVrTVA1hoO+G+j7DX23QfCo5tkKX4aSsRMUSUiBICfEJ9ATx+MrPjl8g9/79v/B7fiO0oFzAz4X0pjNUhegTEZblHS25KVCjrXUXJ00q9vyb8NmYLvb0vfW7yjGaTZCnHOVWdzO1zUloqZQvasvT/2MhQ+9hf2aB+OrIMl5UWiWl7XxZFRLVEUotRdYvacVnDIbE84zDA0w1EpcpaX2zEBcT7WmGKnf1e1yKbXOsYWepTJPuJntvdQ27DkXUsrEFFHibLjNRapIi5HYtbklXzVrb1qTykWxqKo1hKznZgZzre/S6qFWT8o8Kttf236ZQODXZR+PzLd15GOtqBpnXxuI63Dc+v1MOVwoxctt18tawV2CqB47v/V3l3myddiw/c6Kyz97+UIrqYaOYw751Xg8jz3Uck6XNBfs1QdkCQpo78hSLNcEbg37tVBJ3QEiYrmjfmC3u2a3u+bq6hnb7Q2bzQ3bzRWbzZbtZsd2szMl1Vcl5ax2omihC53lpNJEjJ6YpgpRNSs0xgknzuqp0kTOiRjH2tZOVyEVN3tSSzzbmsQ1z2G5N0/f36c8qceUV7OWm71pKSs9G6wqJsxzKaRclVQtXM3ZUTLzqwktjwOtLcprs0LnO0uYh46+6wmhN6JU7+n7HukdBEf0juIc8ejIU6RMkOMJLT2ejflKzlnrIwdOC955GjLSOU/nezrfG6kqK6WhCzRf55cBOSasLimmzNv97/LJ4Zt8sv+YA0eSCDFlC0ElJYSaTNfOCFRr3qwFmGzsNaYC84zEKd5J9aLCrHwuHtJi81fh38bBZY5jzYNncrkFQRvgwRSONTd0kCpaLsmstNtcYA6IuXl+LiG+c67AZgwa+Wwdj6vYRWmF+k2I1rtQtBCTAW0QyEVn5o+clZgy4zQaSnaqZR1xAonVY/Q4b15YUx6LFyhVUVVPigbckfl5z+5aBX5YG/ditWPF5rNHbX0DTVS3VVcGorA6btv3I3NrnSM/yynJSlF9xjIrosvoxur98vNj3tNjXtRjHt6lcntMeX1P5KTmEIJrF1wfJMaMDqsbKDUOXxXU4no3s3ixTtZPvU2Z9u5kWdvCIM45Qhfo+p7tdlfDfC3Ed8V2s2MYNmw21mG11UkZH1mgcXF1oSPnRM494+gt3zRbmTCOJwSYhgPTtCGlyHgKCEaz+kBJzRHMJRwye41nSvyz7rOs7sX5+kurylWPynsboA0t1pjqFUgF6yFUKn1NlqqcKkos6xyqamE38JaAcB5HmMNwpqgqsMEHNl0PvUN7IQShCIQdnPaZ6VDIOoIKXjdYgWklKy2m5H0V1LlQkWMdnbeSAZIuQnm2SKs3IG4uHi0aSeWExiMfv/t9Xh++ydvjK079idTBGAuai3U7kZbpECsUbbutxlANqs0C3LybyqfX+VlJPfbMztYrM0za7m2pQrYqgpWMdK6GWmkC3LR4AUgeJZKSINJyae33VUGJx9B3AV8VlHUQdnPkwxgN2phaQvZrxKhUMNJacGv9UcppFri+qB1b/ew5mZJKTNOJWFGzzmWcE0KX8cXbvRRHi33OBatNiGJjtnlVOp/H7Iqsaq3sfJ2vXqYwgwhmF/Ty+bB45LPn9kTEAi48pfpf05lrL+fTQmyX6z81HLdSKJfrnvrd5wkhfrfLF1pJmX5pD7ZpbVZe1fK5LbOx0hTTOm7z2P3T5W3ZrA0IQzcNm2H2lK6vn3G1fcb17jm77QtTVJsdwzCw2QwMvQk8H8LcQM947hRfe/P4YBZnzhuc60xQdj2qma4LxDRSNOO8kvNITAagmC22+VoWy6uUdOFRNS+reo2PWEePCr/1rXlgPa1kirawieKdA6/EMqDFkxGiGk1PrqiokgspltpfqIUBjEBTgAg4Ml4EXKGIR8jgtoSu0O2M+LTrMiUoWmtgVIVwBe4ghKjkUwQNlKI1PBronDPG6ylRrOseXgJ96Nhtd3R9j/eeNMU6ZGQG5EjoyGrW/JhOqM8QJmJ8w5jf8Luv/gvvTh9zX94QnZICHCcjKw0e8M6IXn1vbRvwZFL1nmo7B9esURi6jmHo2O4GrnZbhqGr4d5ESsur5JrIPx/+9e+GaFyQjY6G8qu5qcrC7byvekjxIZNyxo8TU4ygkyETVWk9nUIwZGsInmEY6LpAX/tOOd/AFCZMc23CqGqhstYuo42xy07dM3hADWyi2UoLiBOotdjIuZgndTIldTyc6j2Z6HqHD35uVmmw8CVE3qIiZ0K5zf2KAnWYEStgSFJtEqHmnVoBcNUgDRQxX1lTTi1ECMz1ng9m2/nymMdyPv/OFdXnUQqPeTTr/Xye5bPy10/ltT7v8oVWUstDWyz9B/HbOUgAZxJ2VlCy/K3tT2GtnJrFprKsbz+1iWlFhn3XWw6j6+m6ni50NRTVEUJYKujdnHqdjwHMFqYq1uxMHF2X6PqBoST6YUPKkb4fGNJALhv6fqjhgrLEvXU568XFNiv6jB2aNpgf3tdHE7Crz5ztW1a/O9/XEtsXjIBNQQItfGVJ7UxKiZxb4WUCGvKyIsCQWjEgeAXwFcPlyOLAD0gQXG3nUZyFkMSD6x1lI8jWMfVVGOnqAdsaGgOIiMw0Vn0/mDFRw3wt99K63OZCpQqCXKH0Od1zTG85xFfcj59wSLdkl4z5TSHpgqrLUuu7XLXcvavwb2rO1BgfvBe882yHDcOmZ3e1oeu7GjZrrSeW13moe1URtvKYWkTLzaEu5iJlKsehd77W4mDsHeLwqRCKknymETl731g5/FxwG0Ko474qKWegidl/cpaTdDWUOBPAXo4dG1xn47q9L9cKOZWKbMxMcTJPKk7klEg5zaS0ud4j60e3jOs2qds5WFSvHbN5tusTrDawyJwzrBaabV27BS92wtpYXiBG623kkfn35FyUGu77FHn/VFjtfM7Ko8f8dEXSFNl6Hw9/e77ftQmyGPuftXyhlVTOSz3IHA6pAzBVS/IiFbsaDPLQg1r89rY5evYbztwFcTK3a9hut2y3O7Y1pNf3A/1gfYH6oafrO7quW6Gamhhqn+vEFRPmvgpa1a0xuUthnHaAMk0HxBVCsJDgNHWcjjIDFJdmkHkeICX7OjErsm4V5y6lNsP7FLf9scG+DE5LWptSWdFItQ+OGgZytcinkpMWKGUk5cQUj8R4QnMCoglxB5kexVtrE22KKhKKQ0uH04zTxM55vO+hB5GAEIwc0zu6raN/0aNdxzEO5GMg3llYsZSCJrt1wQWG0BO8Y7u7ZrvZcbW7tiR9Lmgyz8Q7b9RA2RRs6RzFOxKRMR95e/om7w5f5/b4B7wZv8MkR+gzUQpjUlIdRs5DkUxG6KU3yzxIheBD1oKrlHWbbc+mH/jg+Yf0Q8dm0+GDheJiGkkpz15UzgvreZkJQm2Az96Sp4bfnBUFB1eZHMyYQoyMN3TdrCjEeVzKJMNzk1IhVO8jdKYwreljhw+uKqswE9I6JzhfJ1nN60gdIK5Iba++EuSrQlCb3/YzA/64qrhKvWbr7JtSJk6J01g9qXGsAIps6E8npFLw2V4NLWgn4mcRMIci1bweLYUiS8Ofdv5tnFtosHpX8/kL5zNmPaGqgpqDu+dzZm0UXuZ0DGils0f8mHP1acppLROb6pUWN7SNzuUjn65QWgphfa7n3623fXI3Ty5feCWVks7KqFDmAtfcGpfN8fYac3YtWdrirc0q0XlgaqVUau2k6+2vxxBcLT13rse5Hu82BLcl+B3BD9Y+3HuCg+C0ovHagKztIJrlcQEJb2PB+tOU2p5AKgWMhf36fkvO1jpgM+xMsRWrC1EtpGz3Q7WjJaaSmJciJVUIcSGXhKsEm1qb3MHTrvhl8rQJPqnj2UIYLclvzHjZKUkTWYrVPVHwWkglQYmUEivTRmQajc7IOOFqp+XarVhRcNYGPZUazssFlwWNsHETOngCbq5PETFlWDaZXE4UNxKPR3QYcF2ij46QA4PeEMTT4QjOvIe+2xBCoKezUGlJpFIVUxY0O0MoOiHmicjEqXvLxB0H/y3uw3e47T7mkO9IRAiCUyVkxUdjSRfv8Hi8CEHMUMgx4kl4lE0f6IbA9qrn5uqKoe+52g0VgICN+FJI1YNYGvfJLEMLSnBG1xW62uOoA98JPliI2ZjFHc53ONfhfIcaD5IVo9ZQmMdQhl0yC6PoUpAemhISR+gsXB2Cx/tzYI2T1stJK4kq1ROpTtkCrV2Wpg+cEbo6Z0gxQ40aCMWAKJkcE3GKlGQ5P1+7DgffMXQW1eh8T6h8i95VxV3Hr924Ws/TwqJtrIuN6xZoWQzYhXqqzBbBEhZcX87iB1b8ceMBZBW1afOQlcBvul1q7e9Kq52XmthS1KSV1pq6Ze8P5c1sm8/HWqMGFzX6pILR6mnOSm7N7qPz/sSt9lt5ID/P8oVWUqUYQqrUFhdlLuBrg6YpKMBjhZ4itLKGWbg2xcDibmsVtC1ns8SFFvyRcwHnOrwb8G5T37uaLHZ4V1m0ZWWJaLXcdPmz2VS0l9jAR4qFq6qSCiEQkqEIc96gJTP0G7P0snVuNVaFzBxBl9aSxFOkIuS0KiqpFC5FaUwBj7n+6+Xy+/UcWkfWtQq0QjFvQUo9JwO2oEahU3Ki1HxKjCZsKRUdJsbRZgLODA5xtcOsE2s4l4WS4Bgi5I4hQOjBdw7xAl7JLpM30RTmjUI3EZwwxB2bvOUZOzp6ehnwNekvdDX8Ze3bsyqCNcNLGUoJ5CJkp0xl5KT3jP4tk7/l5D/h2L3hUN4xliOFbDD5CKEoPun8fAwO7vC1u6/kaW72txkGNruB65srrm+u6PuevuugRQzyEt7LRSsDuCyt0NuQdTaGTDkpLhRcyLgg9rl6VTaeg0H0vblc4pc8p8OAJaFzqLiqpGxMeO/mkGmrhbL80wXyU3ydA1SDxg5VxPI66haBe56DEXxVZgpLrVauYeyslGR8fZaTs1YdXtzcx62rKNAumBFpzR/ljK3FwDqr8V4WBTWDjlooCzMCTPZUmdEM4vU+LuZQU1CrlNbsKS4zqJl6TSpUuTCHINtvn8pT6fwyOdj8vXXQ8eE5PpaPmkOTT8iEOfd/9pvL/bXX2md80s88W77QSipGq3tQaUOkWQzNCKjJ+xobbpXxrZ+QvVptz1KH/9jNk7WiwSaUr/DkrusJXVcTxgNdGOrnvqKZYG5whjFaOFnngtaQX2ZtOedJaiy/6yxJ3nc9JW8QCrvN1iZ5ieQcKSXhnc7n2BStaCJLRsQZW3SpoaCGKFuFEz4LHrp276HmMbiw/Cpvp1Nmr0hFTVFW625uu11MoBgyy0I2hvstlXncrEURU9zO6axAQgh0viNPsN1sSVHZ7rZsthu6Tagpk5p/oCCDh6JEr2S/AQk8fy4MvmfgmulUyBGmsbLnicBgdEbqhPE4so97JiBLobjEqLec9B2Rt2R3QLZ7NtvCs9Kjh4GYk6EXNaG59gyrhbxWBFwJMETpe89227PZdHzwlffZ7AZ211vmUHVjF1cLYeWcmaapKvnINE3mZWgbOxA6TwiOza6j64TQCd3gazGweRfO+xlIwDzWH0+q90NP6AJ9369q7hZy2q6G/rquOwtVLTlXrWALN3sjjVXh0UVXwrXNVwy4UjKkWOr1GzNGrq0zRBzb7UDXWai97zcE7+mHUJsnmjFwxtJSi/xblMBWV6W08hQQsQY3lznw1bWt9rAyShfrVMHKFj5DVl9CvddQ/afu2Toqsu66fElTdLmsWSHaMn9+4kSfQpe2Y85Gzip82wzPz7N8oZXU44vMLqb9tfZTVrQjcjEQH425LkCAORqtLQzY4rYLQq8J6bXlaApIax4oU4pUNmmdB/987DPZ32LH54OttS5ohcw+BHwKBBcQLbXRxrmSMmbuZSJm1dklb7kiU+bUehVTCqW0Y3/GHRdZ7sCZi2oWpteCisHBLSdiHtHaulpQVhXxVTCYdKUIbLWXjQW8eWQWclMOh4Mxn4e+tsFIbGQwIeRacaeCeIpLFJeY9JYgwpHXFEaQQnKBEhyKUSCJYJ5UiYz+xMnvOfk9o89kzaifSG5Pcffo5oCGI9qPODI9wkZ6fBKmMZOiI7lSn8LSkA8qMKIS2V5dbdhuB66vd3RDIHQLLU4BKDrnHHPJcw7KclK5PrdqoHmjprGck+0rBCG0miUfrKC4li3oI8/63HNeo+GobStsXtj4bACJh0zr69DVAkOQOXrxNEDgMSFolFZLBKLOw5n6zMZ0AzH1w0DfDRXY4RBXQKwDsC1LmHrtBZy1m2nnVV2a+d+ZgrLTbed+Jta1KY9FMV0Cl9bexhqht/YqFxi6Lvtd3aLLTNgDhfMpUZKnPKnvZrk0eC/3/djfn7Z8oZXUuiaoisNZITAPNmmBr1mRcPa/bQPMAIymG0QWL9YSi8wCtMzBwfpSwViYXVVcviZ5FWq+xzr0Gou3SguFuPkcVBvQoSk3aIWcACItLzVQqtcUQk/uMl3X4wRKToRZ+TqKWrhPvbWfSKtr90QsNuzBY16VrsMsn8YXZn6niIVhZkVVrXELIGqtjRKkteTwpqQaw0EIjlI8KXXECKU4pPYjyhnS3Ma6siN4Y0cAoWjBxUIUs6K7bs9pHLk5XrG72nITd4Tg8L2jFZw5DRQRkoMSjxzLK/L9HRv3jCv/Ib17j+Cv2OxeWsdY8YzjkTHueX34iJPfcxzuGWWyxojdCb+N+G3EhT3qThS5x/vIxgluu2OKif3dWHOoGWahUyhqinnY9Gy3PTfXG54/v2azG9he9WQKsVJfIQZ4yFnJOVmDzJRmL2ocJ6bJ6rhC6GeKo9A5+t7RDwNd56qiaqAJq2Wyonh7rmcpjwtB097b+gUWTmWWCGcKam3Jt+UyWb8eYQ+8+LWQm8+pGl1OyK7gvXlOTnKF0BcLu3vPdmth0mHY0nU93jlCB0qiqLFQqFa2+Xlp5MltDl2M/AZemGcmM+luvYWPh9UUGmip3Ynz6dWO+fB46+NefkbWv3qooGavtf3mM5TDYwrks5RKO5e1YdLWP6XwvmeUlPf+fKDoMtxUxfrgSA1FtEkjjVi0bdgMpQsL5cyqajG4SuK67pCpyy+lWXPNWapWr6jxjrn20LxxuFmh6pp4sVkh7sHktdopV5PBvsKlG4FnqECLJeAp4mf6oeACpW1bhCyOHBIxV2LOGo9vAkdna68JCZbxL/MRlpAkCzhEtOYOFDzWdM4q4837cVJwopb2qDQ8xp5gwsYHO37WRrnTQk8Lq700O1rsWFkLkjPjdMIfQYn4kAi9py9+pmHzVEbqK4dOkPPIuzJyyDv28Q2Df5/gbrgK94gGkMB9/IQx7rn1HzF2e0buuc/3pDSR0hE3JjyZ4cbhQsFvqM/U452RyYYAzmWQJtrKeuDRBUffB3ZXG0LnkNpcEDFFo80jz22c6vyMWhinofmoobcQzGvq+0DX19Be56qi8nP5hKzGUnvQxW72g3DdAyEp8+nMXtRD1vJ5Np39dgYerL2UC2+hjf1lflRRPitAj3NawR8BVUcXjAEmVM/U+4BfKVAbX4YUzWVtQNqFzFEQqcYNq+tu58+5Yiq6Uu7yiII6u76mYBwLGvZxxfDUvXnaeFzN18fuY1P2n6IgHvWmntz6cS/4MW/q8nsn7sH6x5YvtJKaJ08VWA5DlAlV2Ne1C9dd+1eV1PwA28M/D7tq1T7zPa6e8hxkWEcC2otlZXPKrG+SDcjq40Exj2KGYcxaoJVYLjCEy5j+IkxaMropqTx3IZVZ6NgZeednlveGaOx8oGiq94tZUdnpL8qqeZSrG7M65xb2XO5s+95hNTBOK1GONO9LV8Smxvfmg8f7gg/gfOU/sxRUPbblL4x0tj0BtyTSi5LFQl5THBGX6UehV4+4YCgzB+KCKakhgCglCcfTnrEMnNKeQUc6d1Oh2x0qgbv8mjEfOPlPmPTAiXvu5S0TJ2I+IlNBNPPsakePZwj2XJx6q+YqnuAV5yasLNnGia7Gn/diimroqmFVIwIitWutoirkZoLNRoOulFSZW844Z4CMEDyhCxVpFypgwC11S8HohBZgQ+O5mC2vs2Wd39BmEdbwXcufPmWJz8PnIq9ytr829i6WdQJel5UzitMUlcdXZGNX67Ma27oxwDclCor1nyo4mKmdVhNZ6r1lGftNiWmdF2V9zqstbA6voznr+aNnz312hmS57seE+ue5N5fbXyqJtYf8lBfzmNd8cQFPntulQfNZ3tf3hCe1xGwXK80EJTVUw7yO6rcYpE1WnvV6oLQH0yZpGxiNi65xkrVcjixehaPWYYAhAMvq1WaWPxtspRRKbdTXlE29MmMKZxlc83XU0zKOsgLq7cXCIpGTASS8N4ZpsHouKRlNWtuD15qYUotls9YwUl7ua4WMlpXiar2IXPVgZoQSdeI2FV6Vrii4IvjiCC6AV9Q7krd6IO88xQvBQz/Yc0vFI9HyBcmVCjJoU0zRppxp/kShdVmdCU6lkNII4hGfKyza4X21lGt7cQ2Q/n/tnVtoXNX3x7/7XGbaX2iD/dc2SVtDEEQ0JWC8tXijYDAQL/Sl+hRfhIopBPsi+JC+WQT7VEUQEQUhvrQiKEqkSbSUQqkBa5USaLWpJAT70zZNZuacs/f6P+zLOTOZSePP4syk6wPTmc45ObNnzT577bXWXmt7EiLxkUTXUaLr8LAON0rzWqGJEEtqAdKPINYXUYwWsVi8hv/KP1CIiigUY7e1eG4ph/y6EP935wa0tLSg5T8taAlzSHyCKhWx8JeESkpIYh0js7eoJ0yVkcAzdfNIl/1JoAdes4mmTqlLEASEMFCIhanamHEhhWFg9jMLkcvrRQL5fKBLKOVyyOVChDkfYS50EyPn4jav3dSjQiFlBxWrrFypHkqVVLZ/W29HtXvX7oWGCgVW7Vx7fzqXvJnsCGGrtps8r7J4mGeqigiXdmJjSG7xjkpM9RCF8gUU2Wf72g4UVl6pw6/MaUmplV9WABSVX9deM7tgCZnzVm/tVFvgAiAtYK3S/mY/uZrrrVZcynxIVQvX/ua1FmVUKqz097wNFk4okwtlOyxQZcYlgMwOME5hwcZ6BDKdo6aRDtg6YlCAcRemXun0oat866RZpRIopTdjEyJ19ekbzSQkAmbjPac1M1Me/UKI5T+0bSqZStkgs5eQKZGjrShdFoiM0lBm9qpImcwO+5xakc71QWTyRlI3KqBdg0IA5JttRoRWhJ4QMCm9rt3OfaL0tYyKh2cqGSifEARGSSogkPr76JiBALkVXFlFlf2N0ooZWSvYDkR2iwZla9YJBaV0MVC7qAMgkCdBvoQIFQSZSueeB2GWZBOWAMTw8hKgEiiKEFMJkYqQKOmWJMtihERKhDldR84XIXIt6xEIgcCTEPBMaCwNsMModspWilBk6ur50LdokE70TSV4XbbIVMLImPKeZ1MW7LOxVH09KdE7xeoYlO6LafHazMzNWcnuDsgoqeqDWGo1AOmqs2orytLNRJdbDtXcW+VuRqMQXP6j/s5Eupq7gjCDX7pSUT/M4iW7OhIJ7A4CNkdQAM5CdaqHlrfL9jI3iXU3oxVFarNkS4FqxWBfZK9Ucf9npSqyCmy5dbSSFZWlsu6fqPjbar9tLSVpr79S3Cr7ujJOVfmZN6PplZSerQE2ZmSD+QDc4CHM0lg7qOo3gUqllF2l43D2salsAQmXjkhWSZptzkhCUgIpYyRSVyr3fYEk0QOOzkWxAWed7uoZi88qCutOROZ7eELnj9gtqIWLY9mZida5iZSIE727rxAeAjOo2YCMJIVYxVCUQKoEsYqNMlWuXJJSadUOWKVlyu5Y9Nbluuac73naESds4nO6R1bq0tFKSpCNwgUI/LQqe+xLQCS6qoSnkCgfni91FWnSuXBJLN0AnlpQxrjIKljKKijzSJReSg6hc5QEQYn09yNhqhH4tu5aBIUEnudD+T48lCCEQpgXCFCCiCJIipHIBNL8FkIIlAoJioUEpUKEuECQJWBD/g74XoBcoM8kW0/P9C1FCkoCURIjnwQ6SRu6rqMvcvA8vTeW3l1YQSsus0ISRWNV2/p5emGFH9iH+Z0Cswo0CN1rzwuMi0lPqGyj3EIHr/YgVTv4Ldx9uVL8RMdpyf2JsAV0a7i0yt4XdpDUKQlWQQECKvB0grDyTb8XZlzQ96g0ZcEkKQAJlIqhkMDtJmy+gXJ3IOCCq+UNgo1LlSmoKuKqlI5TVLXOqaJ8rGKyimalcyqvUanorTKmzN9lr1FL+WkFvtIkZfny9WyIopLaMbXlNLeSMvvl6I5lLA64280aSnqwVeQsK0ArNfJgFi4ANhPbznLNWSjP5iboDk06WC8jJNJ3CklvCVDUA4zvIwpDeIIQRZ6+KYUO6OqYjNkMzQ1yNi6Q7bTG5WKaoP3q1gdvsveVLqwZR4mu9iwjxFIrKUlk9ivSnyWVDsZLpRN/ExkjUdIN7DZXKS2VZPKXMtt92BlzIHWejTLbMZBplzKzXNdRkUmWVKaaBDz4XghAu98UCQQB4Judef0c6b16hFm15Ru7VZFJ3jTyEDYe5hkLVpeEkgrwJBkrVrsVpdTWZkKmkn0madR0BLPWwcbMpFkdp4syaQsaUHGM4o0IpRuE0pLeZ0l4CsIX8IxbVJUIi9cKoJLCOi80W7BIyGQRYRjjPy16Z1ldPcHk+FmLj4CoFENRjMWlGBABhJ8HIKELGqcuK2XiT0EQmJiU7a8SQkjoauTKWVOeb1bxCTtx0eOOJ+ygYWOZmYH0JnGFypiMndhkLahK6yjrPtQuc6/s/Vquq/Tutt8RetsSIUx+vHbLK5n2VUWJ7neJnhTpwTaBVVwkpLHGsqaN8U7oBrt7P2upI+O9cU0re2k9JakyhrXW3BWd3QqguoKotZii0pIpiz2tpABE5hNX+LyqllKVay934a2syCrjV6uhKZWU/aJRKYYQgPRtoq75Ee15MJ0gs6eLsH5AT0H4lM76odwmceV+YXul9MmDqcAt9SDoiwJy4RIAH/lwAVEuQRxJkCSUQp3MGYSBToIMQqdo/Ey+k7X2bPNsoQvPWF1KEYpLRcRxhMUbS7ixqLeUX1wsoFQsYGmxgEKpgCgpIE4ifX0vhHD+eR+SJJIkhq2aXYwKSGKdDBpHMWSSIIpjl3vjcnOMsrKK3rqUQhOIJ8/O/O0iFeE22QN0CFARoZToWnexkpCmSohMjKWUKJfLZN2NaYDdroTTA7meT2j3ov7N04E79qSxMjzEsdJJnaTgJ3pDP0pMpXwzExdmciJ8QAUKHswyZnjwoYw1busdAlEpQXEpQVQkxAXohSq2Fp7pM1IBJYpAcYJr664hlwsBAHFcApGEH+gfVxoLUC9NN4VRSxKx1KV+ohhamXixySsjmALeEELoxGepK00QmXI5SivTREp4MoGf+Dp2KRSCWCf5BmZLeCsH5xEQVqqek2vmJsjcQ6kSy7pZ9RvCrRK1SqpyscWygcoTVY/bc8wr82TsF4phvZzWC5AkylShyVir0BtLep7MXEsrKZsWIQR0pX6RjWybz8zWojTtqiwdkFbDE5l/ywfi1CVrzi4rDJvGuGsqqApLrVqMp5qCL7NqK1zl7jNE7XbrSaATACpx422NY5XfI9u+OJbL3quGoL9jdzUIV65cwY4dO+rdDIZhGOYfMjMzg+3bt9c83pRKSimFCxcu4L777sPMzAw2btxY7yY1NdevX8eOHTtYlv8QluOtg2V5a2hkORIRFhYW0NHRUTVuZWlKd5/nedi2bRsAYOPGjQ0n/GaFZXlrYDneOliWt4ZGlWNra+tNz1ldyi/DMAzD1AFWUgzDMEzD0rRKKp/PY2RkBPl8vt5NaXpYlrcGluOtg2V5a1gLcmzKhRMMwzDM7UHTWlIMwzDM2oeVFMMwDNOwsJJiGIZhGhZWUgzDMEzDwkqKYRiGaViaVkm999576Orqwrp169Db24vvv/++3k1qaA4dOuQKR9pHW1ubO05EOHToEDo6OrB+/Xo89dRTOH/+fB1b3Bh89913ePbZZ9HR0QEhBD7//POy46uRW6lUwoEDB7B582a0tLTgueeew5UrV/7Fb9EY3EyWL7/88rI++uijj5adw7IE3nrrLTz00EPYsGEDtmzZghdeeAEXLlwoO2ct9cumVFKfffYZhoeH8eabb2JqagqPP/44+vv7cfny5Xo3raG5//77MTs76x7nzp1zx95++20cOXIER48exZkzZ9DW1oann34aCwsLdWxx/VlcXERPTw+OHj1a9fhq5DY8PIzjx49jdHQUJ0+exI0bNzAwMAApZdVrrlVuJksAeOaZZ8r66FdffVV2nGUJTE5O4rXXXsPp06cxNjaGJEnQ19eHxcVFd86a6pfUhDz88MO0f//+svfuvfdeeuONN+rUosZnZGSEenp6qh5TSlFbWxsdPnzYvVcsFqm1tZXef//9f6mFjQ8AOn78uPv/auT2119/URiGNDo66s75/fffyfM8+vrrr/+1tjcalbIkIhocHKTnn3++5t+wLKszPz9PAGhycpKI1l6/bDpLKooinD17Fn19fWXv9/X14dSpU3VqVXMwPT2Njo4OdHV14cUXX8TFixcBAJcuXcLc3FyZTPP5PJ588kmW6QqsRm5nz55FHMdl53R0dKC7u5tlW4WJiQls2bIF99xzD1555RXMz8+7YyzL6ly7dg0AsGnTJgBrr182nZL6448/IKXE1q1by97funUr5ubm6tSqxueRRx7BJ598gm+++QYffPAB5ubmsHv3bly9etXJjWX691iN3Obm5pDL5XDHHXfUPIfR9Pf349NPP8WJEyfwzjvv4MyZM9izZw9KpRIAlmU1iAivv/46HnvsMXR3dwNYe/2yKbfqAKpvS7za7YhvR/r7+93rnTt3YteuXbj77rvx8ccfu+A0y/R/43+RG8t2Ofv27XOvu7u78eCDD6KzsxNffvkl9u7dW/PvbmdZDg0N4ccff8TJkyeXHVsr/bLpLKnNmzfD9/1l2n5+fn7ZzIGpTUtLC3bu3Inp6Wm3yo9l+vdYjdza2toQRRH+/PPPmucw1Wlvb0dnZyemp6cBsCwrOXDgAL744guMj4+X7Wy71vpl0ympXC6H3t5ejI2Nlb0/NjaG3bt316lVzUepVMIvv/yC9vZ2dHV1oa2trUymURRhcnKSZboCq5Fbb28vwjAsO2d2dhY//fQTy/YmXL16FTMzM2hvbwfAsrQQEYaGhnDs2DGcOHECXV1dZcfXXL+s25KNf8Do6CiFYUgffvgh/fzzzzQ8PEwtLS3066+/1rtpDcvBgwdpYmKCLl68SKdPn6aBgQHasGGDk9nhw4eptbWVjh07RufOnaOXXnqJ2tvb6fr163VueX1ZWFigqakpmpqaIgB05MgRmpqaot9++42IVie3/fv30/bt2+nbb7+lH374gfbs2UM9PT2UJEm9vlZdWEmWCwsLdPDgQTp16hRdunSJxsfHadeuXbRt2zaWZQWvvvoqtba20sTEBM3OzrrH0tKSO2ct9cumVFJERO+++y51dnZSLpejBx54wC2/ZKqzb98+am9vpzAMqaOjg/bu3Uvnz593x5VSNDIyQm1tbZTP5+mJJ56gc+fO1bHFjcH4+DgBWPYYHBwkotXJrVAo0NDQEG3atInWr19PAwMDdPny5Tp8m/qykiyXlpaor6+P7rzzTgrDkO666y4aHBxcJieWJVWVIQD66KOP3DlrqV/yflIMwzBMw9J0MSmGYRjm9oGVFMMwDNOwsJJiGIZhGhZWUgzDMEzDwkqKYRiGaVhYSTEMwzANCysphmEYpmFhJcUwDMM0LKykGIZhmIaFlRTDMAzTsLCSYhiGYRqW/wdStGDzAuerYgAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "img_path = 'flowers/valid/32/image_05598.jpg'\n", + "\n", + "tensor = process_image(img_path)\n", + "imshow(tensor)" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -292,15 +1117,21 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ + "# code to predict the class from an image file\n", "def predict(image_path, model, topk=5):\n", " ''' Predict the class (or classes) of an image using a trained deep learning model.\n", " '''\n", + " model.eval()\n", + " image = process_image(image_path).float().cuda().unsqueeze(0)\n", " \n", - " # TODO: Implement the code to predict the class from an image file" + " with torch.no_grad():\n", + " ps = torch.exp(model.forward(image))\n", + " \n", + " return ps.topk(topk, dim=1)" ] }, { @@ -318,17 +1149,68 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 18, "metadata": {}, "outputs": [], "source": [ - "# TODO: Display an image along with the top 5 classes" + "# Display an image along with the top 5 classes\n", + "probs, classes = predict(img_path, model)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAl0AAAEfCAYAAAB7+nPRAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA4VElEQVR4nO3deVhUZd8H8O/A4MAwzCCbLIMIpuGG+4YSPoq4YiruJthjT2KSilsiCuhTLpW8pbllLvlkagKZZWliauC+72Y+CsimiDIwiChy3j98Oa8TuIBwWPp+rutc15ztvn/nlqv5dp8zMzJBEAQQERERUaUyquoCiIiIiP4OGLqIiIiIJMDQRURERCQBhi4iIiIiCTB0EREREUmAoYuIiIhIAgxdRERERBJg6CIiIiKSAEMXERERkQQYuoioRunWrRu6detW1WW8lP3790MmkyE6OvqFx44dOxYNGjSo/KJKkZiYiH79+sHKygoymQxTpkxBYmIiZDIZNmzYUCU1EdVG8qougIioLFasWFHVJVSKuXPnYvLkyVXSd0hICI4ePYp169bB3t4eDg4O4C/EEVU8hi4iqlGaNm1a1SVUioYNG1ZZ3xcuXECHDh0wcOBAcVtiYmKV1VMe9+/fh1KprOoyiJ6LtxeJqMpFRkZCJpPh9OnTGDx4MNRqNTQaDd566y1kZmYaHPvX24vFt8E+/fRTREVFwdXVFSqVCp07d8aRI0dK9HX06FH4+fnB2toapqamaNiwIaZMmSLuf9ZtvuIan7Zt2zZ07NgRGo0GSqUSbm5u+Oc//1ni3EePHiEsLAyOjo5Qq9Xw8fHBH3/8YXBMaf0+ePAAoaGhcHV1RZ06deDk5ISJEyciOzvb4LgGDRqgf//+2LVrF9q0aQMzMzO4u7tj3bp1JWp5WvHtz2vXruGXX36BTCaDTCZ7buBKSEhAjx49YGFhAaVSCU9PT+zcuVPcn5OTA7lcjk8++UTcdufOHRgZGUGj0aCwsFDcPmnSJNja2hrMqsXFxaFHjx5Qq9VQKpXo0qUL9u7da1BD8b/FqVOnMGTIENStW7dKQyvRy2LoIqJqY9CgQXjttdcQHR2NyMhIbN++Hb169cKjR49eeO7y5cuxZ88efPbZZ9i0aRPy8vLQt29f6HQ68Zjdu3fDy8sLycnJiIqKwi+//II5c+bg1q1bZa718OHDGD58ONzc3LBlyxbs3LkT4eHhBqGi2OzZs5GUlISvvvoKX375Jf7880/4+fnh8ePHz2xfEAQMHDgQn376KcaMGYOdO3di6tSp+Prrr9G9e3cUFBQYHH/27FlMmzYNISEh+OGHH+Dh4YFx48bh999/f2Yfbdq0weHDh2Fvb48uXbrg8OHDOHz4MBwcHEo9/sCBA+jevTt0Oh3Wrl2LzZs3w8LCAn5+fti6dSsAQK1Wo3379oiLixPP27t3LxQKBXJzc3Hs2DFxe1xcHLp37y6G2W+++Qa+vr5Qq9X4+uuv8d1338HKygq9evUqEbwAYPDgwXjttdewbds2rFq16pnXSVRtCEREVSwiIkIAIISEhBhs37RpkwBA+Oabb8Rt3t7egre3t7h+48YNAYDQokULobCwUNx+7NgxAYCwefNmcVvDhg2Fhg0bCvn5+c+sJTAwUHBxcXlmjcU+/fRTAYCQnZ39zLb27dsnABD69u1rsP27774TAAiHDx9+Zr+7du0SAAgff/yxwblbt24VAAhffvmluM3FxUUwNTUVkpKSxG35+fmClZWVMH78+GfW9/T5/fr1M9hWPK7r168Xt3Xq1Emws7MTcnNzxW2FhYVC8+bNBa1WKxQVFQmCIAhz5swRzMzMhAcPHgiCIAjvvPOO0Lt3b8HDw0OYN2+eIAiCkJqaanAdeXl5gpWVleDn52dQx+PHj4WWLVsKHTp0ELcV/1uEh4e/8NqIqhPOdBFRtTF69GiD9WHDhkEul2Pfvn0vPLdfv34wNjYW1z08PAAASUlJAICrV6/iv//9L8aNGwdTU9NXrrV9+/Zijd999x1SU1OfeeyAAQMM1v9aW2l+++03AE9uOz5t6NChMDc3LzHz06pVK9SvX19cNzU1RePGjZ/bR1nk5eXh6NGjGDJkCFQqlbjd2NgYY8aMQUpKinjLtEePHsjPz8ehQ4cAPJnR6tmzJ3x8fLBnzx5xGwD4+PgAAA4dOoS7d+8iMDAQhYWF4lJUVITevXvj+PHjyMvLM6jJ39+/Qq6NSCoMXURUbdjb2xusy+VyWFtbIysr64XnWltbG6wrFAoAQH5+PgCIz4ZptdqKKBVvvPEGtm/fjsLCQgQEBECr1aJ58+bYvHlzmWsrTVZWFuRyOWxtbQ22y2Qy2NvblxiTv/ZR3M/z+iiLe/fuQRCEUm89Ojo6ijUDgKenJ5RKJeLi4nDt2jUkJiaKoevo0aPQ6/WIi4uDm5sbXF1dAUC8xTtkyBCYmJgYLIsXL4YgCLh7965Bv8+6DUpUXfHTi0RUbWRkZMDJyUlcLywsRFZWVqmBoqyKw0tKSspzjzM1NS3xvBTw5GHwv3rzzTfx5ptvoqCgAEeOHMHChQsxatQoNGjQAJ07d36leq2trVFYWIjMzEyD4CUIAjIyMsSZNqnUrVsXRkZGSE9PL7EvLS0NAGBjYwMAqFOnDrp27Yq4uDhotVrY29ujRYsWcHNzA/DkAf69e/eif//+YhvF5y5btgydOnUqtYZ69eoZrP/1gw1E1R1nuoio2ti0aZPB+nfffYfCwsIK+TLUxo0bo2HDhli3bl2poapYgwYNcPv2bYOH6x8+fIjdu3c/8xyFQgFvb28sXrwYAHD69OlXrrdHjx4Anjxc/rSYmBjk5eWJ+6Vibm6Ojh07IjY21mD2rKioCN988w20Wi0aN24sbvfx8cHJkycRExMj3kI0NzdHp06dsGzZMqSlpYnbAaBLly6wtLTEpUuX0K5du1KXOnXqSHfBRJWAM11EVG3ExsZCLpejZ8+euHjxIubOnYuWLVti2LBhFdL+8uXL4efnh06dOiEkJAT169dHcnIydu/eLQa+4cOHIzw8HCNGjMCMGTPw4MEDLF26tMQnDcPDw5GSkoIePXpAq9UiOzsbn3/+OUxMTODt7f3Ktfbs2RO9evXCBx98gJycHHTp0gXnzp1DREQEWrdujTFjxrxyH2W1cOFC9OzZE//4xz8wffp01KlTBytWrMCFCxewefNmg5mnHj164PHjx9i7dy++/vprcbuPjw8iIiIgk8nQvXt3cbtKpcKyZcsQGBiIu3fvYsiQIbCzs0NmZibOnj2LzMxMrFy5UtLrJaponOkiomojNjYWV65cweDBgxEeHg4/Pz/8+uuvFTbD0atXL/z+++9wcHDApEmT0Lt3b8yfP9/gtpWrqyt++OEHZGdnY8iQIZgxYwaGDh2KgIAAg7Y6duyIjIwMfPDBB/D19cW7774LMzMz/Pbbb2jWrNkr1yqTybB9+3ZMnToV69evR9++fcWvj/jtt9/E58Kk5O3tjd9++w3m5uYYO3YsRowYAZ1Ohx07dmD48OEGx7Zu3Vq8Zfj0jFbx69atW5e4bfzWW29h37590Ov1GD9+PHx8fDB58mScOnVK8pk9osogEwT+1gMRVa3IyEjMmzcPmZmZ4hs1EVFtw5kuIiIiIgkwdBERERFJgLcXiYiIiCTAmS4iIiIiCTB0EREREUmAoYuIiIhIAvxyVEJRURHS0tJgYWHBn9UgIiIqA0EQkJubC0dHRxgZPX8ui6GLkJaWBmdn56oug4iIqMa6efMmtFrtc49h6CJYWFgAePIHo1arq7gaIiKimiMnJwfOzs7ie+nzMHSReEtRrVYzdBEREZXDyzyewwfpiYiIiCTA0EVEREQkAYYuIiIiIgkwdBERERFJgKGLiIiISAIMXUREREQSYOgiIiIikgC/p4tEzSN2w0ihfOV2Ehf1q4BqiIiIahfOdBERERFJgKGLiIiISAIMXUREREQSYOgiIiIikgBDFxEREZEEGLqIiIiIJMDQRURERCQBhi4iIiIiCTB0EREREUmAoYuIiIhIAgxdRERERBL424auyMhIBAUFVXUZBvr06YOYmJiqLoOIiIgqAX/wuhr55ZdfqroEIiIiqiR/25mu8nr06FFVl0BEREQ1UI0PXTKZDEuXLoVWq4WTkxNWr14t7svPz0dwcDAcHR2h1WqxePHiUtvIyspC7969YWNjA1tbW7z77rsoKCgAAOzfvx/u7u4ICwuDjY0NFixYgIyMDPj6+kKtVuMf//gHJk6caHCrctmyZXBzc4OtrS0CAgKQk5Nj0Na8efNgZWUFV1dX7NmzRzyvW7du2LJlCwBg7NixWLRokbhvw4YN6N27t0E7c+fOhaWlJV5//XVcunQJH374IaysrNCkSRNcvHixgkaYiIiIKkKND10AsGfPHly5cgU7duzAzJkzcf78eQDA9OnTodPpcPXqVRw7dgwbN27Ejz/+WOL8oqIiBAcHIzU1FefOncOJEyewcuVKcf+1a9egVCqRnp6ODz74AO+99x6cnZ1x+/ZtLFy4EJs2bRKP3b17NxYtWoSdO3ciMTEReXl5mDp1qkFbFhYWuH37NkJDQ8v9XNm1a9dga2uLO3fuwNfXF3379oWZmRlu376N/v37Y86cOc88t6CgADk5OQYLERERVa5aEbpCQ0OhUqnQtm1bDB06FLGxsRAEAevXr8eSJUugUqng6OiICRMmIDo6usT5tra26N+/PxQKBRwcHDB+/HgkJCSI+5VKJWbNmgUTExPI5XLs2LED8+fPh6mpKTp16gQ/Pz/x2K1btyIoKAhNmjSBubk5FixYIM5eAYBGo0FISAjkcjneeustXL9+HXq9vszXbGlpiffffx9yuRyDBw9GVlaW2O7gwYNx7ty5Z567cOFCaDQacXF2di5z/0RERFQ2tSJ0abVa8bWzszPS09ORmZmJ/Px8NG7cGJaWlrC0tMTs2bNx+/btEufn5uYiICAAWq0WarUaU6dORVZWlrjfwcEBxsbGAIA7d+5AEAQ4OjqW2n9aWhrq168vrru4uCAvLw86nQ7Ak4Ank8kAPAlzAMoVumxsbMR2zMzMYG1tDSMjI3E9Ly/vmeeGhoZCp9OJy82bN8vcPxEREZVNrQhdKSkp4uubN2/C3t4eNjY2MDU1RVJSErKzs5GdnY2cnJxSPyEYFRWFu3fv4syZM8jJyUFUVBQEQRD3F4cb4P/DTnp6eqn9Ozo6Ijk5WVxPTk6GUqmERqMp0zWZm5vj/v374npGRkaZzn8ehUIBtVptsBAREVHlqhWha/HixdDr9Th9+jSio6MxePBgGBkZITAwENOnT0d2djaKiopw+fJlHDt2rMT5ubm5MDMzg0ajQVJSElasWPHMvuRyOQYMGICIiAgUFBTg+PHjBs+JDR06FKtXr8aVK1eQl5eHsLAwjBgxoszX1KpVK+zYsQM5OTm4fv061q1bV+Y2iIiIqPqoFaHLx8cH7u7u6Nu3LxYuXAgPDw8AT2awzM3N0aJFC1hZWSEgIAD37t0rcf7kyZORmpqKunXrwt/fH4MGDXpufytWrEBSUhJsbGwwc+ZMDBs2DAqFAsCTLzidMWMG+vTpAxcXFygUCixZsqTM1zRmzBg0atQIWq0WI0eOxMiRI8vcBhEREVUfMuHp+2g1UPGtPnt7+yqrYeTIkWjTpg1mzJhRZTW8ipycnCcP1E/5DkYK5Su3l7ioXwVURUREVP0Vv4fqdLoXPq5TK2a6pHbhwgVcuHABRUVFiIuLw44dOzBgwICqLouIiIiqMf4MUDnodDoEBgYiPT1d/ELW119/varLIiIiomqsxoeuqrg72qVLF1y7dk3yfomIiKjm4u1FIiIiIgkwdBERERFJgKGLiIiISAIMXUREREQSYOgiIiIikgBDFxEREZEEGLqIiIiIJMDQRURERCSBGv/lqFRxLszr9cLfjSIiIqLy4UwXERERkQQYuoiIiIgkwNBFREREJAGGLiIiIiIJMHQRERERSYChi4iIiEgCDF1EREREEuD3dJGoecRuGCmUVV3GK0tc1K+qSyAiIiqBM11EREREEmDoIiIiIpIAQxcRERGRBBi6iIiIiCTA0EVEREQkAYYuIiIiIgkwdBERERFJgKGLiIiISAIMXUREREQSYOgiIiIikgBDFxEREZEEGLqIiIiIJMDQRURERCSBGhu6unXrhi1btlRZ//v374e7u3uV9f8sGzZsQO/evau6DCIiIvqLKgtdRUVFKCoqqqruq1RlXfujR48qvE0iIiKqGBUeug4fPozmzZtDrVYjKCgI3t7e4ozU2LFjMWnSJHTr1g0qlQrJyck4f/483njjDdStWxdt27bFiRMnxLb+/e9/w8XFBWq1Gp07d8a5c+fE7fHx8Rg7dixUKhU+/vjjEnWMHTsWU6ZMgbe3N1QqFUaNGoWMjAz4+PhAo9Fg9OjRePz4MQDgzz//xBtvvAFLS0s4Ojpi9uzZYjtXr15F165doVarYWNjg2nTpuHx48fo06cPrl69CpVKBUtLSwBAfn4+goOD4ejoCK1Wi8WLFxvU8/S1f/XVV+jSpYu439XVFRMnTgQAZGdnQ61Wo7CwEACwbNkyuLm5wdbWFgEBAcjJyQHw/7NtYWFhsLGxwYIFCxAUFIS4uDioVCq0bNmy1H+jgoIC5OTkGCxERERUuSo0dBUUFMDf3x8hISHIysqCh4cHDh06ZHDMli1bEBUVhdzcXFhbW6NPnz4ICQnBnTt3MHfuXAwaNAgPHjwAADRt2hQnTpzA3bt30bNnTwQEBAAA5s6dCy8vL2zYsAF6vR4zZ84stZ5t27Zh9erVSEpKwsGDB9G/f38sXboUSUlJOHr0KH766Sfx2A8//BB37tzBgQMH8M0332D79u0AgPDwcPTr1w86nQ5JSUkYPnw4jI2N8csvv6Bx48bQ6/XIzs4GAEyfPh06nQ5Xr17FsWPHsHHjRvz444+lXvvIkSNx+vRp5OfnIzU1FQCQkJAAADh48CDat28PuVyO3bt3Y9GiRdi5cycSExORl5eHqVOnim1eu3YNSqUS6enp+OCDD7Bq1Sr4+PhAr9fj7NmzpY7LwoULodFoxMXZ2fll/4mJiIionCo0dB0+fBjm5uYYN24cTExM8N5778HBwcHgmKFDh6JNmzYwNjbGzp074eHhgUGDBsHY2BgDBw5EvXr1cPjwYQCAv78/bG1tIZfLMXv2bJw7dw56vf6l6xk+fDjc3d1hbW2Nbt26oWPHjmjatCksLS3Ro0cPceasUaNGeOONNyCXy9GoUSOMHj1aDEAmJia4ceMGMjIyYG5ujg4dOpTalyAIWL9+PZYsWQKVSgVHR0dMmDAB0dHRpV67hYUFmjRpgmPHjiE+Ph4DBw7Ew4cPce/ePcTHx6Nr164AgK1btyIoKAhNmjSBubk5FixYYPAsm1KpxKxZs2BiYgJTU9OXGpfQ0FDodDpxuXnz5kuPKREREZVPhYaujIyMErMmTk5OButarVZ8nZycjL1798LS0lJcLl++jPT0dADAmjVr0KxZM2g0Gtjb20MQBGRlZb10PXZ2duJrMzMz2NraGqzn5eUBAFJTUzFo0CDY29tDo9Hgs88+E/v5+OOPUVhYiFatWqFly5YGM1dPy8zMRH5+Pho3bixey+zZs3H79u1Srx0AvLy8EB8fj/j4eHh5ecHT0xMHDx40CF1paWmoX7++eI6Liwvy8vKg0+kAAA4ODjA2Nn7pMQEAhUIBtVptsBAREVHlkldkY/b29khJSTHYVnzrrJhMJhNfOzk5oV+/foiNjS3RVmJiIqZOnYoDBw6gdevWePDgAVQqFQRBKNHOq5ozZw5sbW1x9epVqNVqhIaGisHPwcEB69atgyAI2LFjB4YPH47s7OwS/dvY2MDU1BRJSUnQaDSl9vPXc7p27YqvvvoKGRkZiIiIQE5ODuLi4nDmzBl06tQJAODo6Ijk5GTxnOTkZCiVSrGPv7ZZkeNCREREFadCZ7o6d+4MvV6P9evXo7CwEKtWrRLDS2n69++PEydOYMeOHXj8+DHy8/Oxa9cu6HQ66PV6yGQyWFtb49GjR4iIiBADF/BkFisxMbFC6s7NzYW5uTlUKhUuXLiAb775RtwXHR2NtLQ0yGQyWFpaQiaTQSaTwc7ODrdv30Z+fj4AwMjICIGBgZg+fTqys7NRVFSEy5cv49ixY8/s18vLCwkJCXj06BHs7Ozg5eWFdevWwd3dHRYWFgCe3JJcvXo1rly5gry8PISFhWHEiBHPbNPOzg4pKSnihwSIiIioeqjQ0KVQKBATE4MlS5bAysoKZ86cQfv27aFQKEo9XqPR4KeffsLnn38OW1tbNGjQAF9++SUAoHnz5nj33Xfh4eGBBg0awNXVFXXq1BHPff/99/HVV1+hbt26+PTTT1+p7vDwcOzduxdqtRqTJk2Cv7+/uO/YsWNo27YtVCoVJkyYgG+//RYmJiZo0qQJ+vfvD61WCxsbGwBAVFQUzM3N0aJFC1hZWSEgIAD37t17Zr/16tWDo6Oj+CnGhg0bQqVSibcWAaBPnz6YMWMG+vTpAxcXFygUCixZsuSZbXbv3l2sqU2bNq80LkRERFRxZMLT00cVTBAEaLVabN++He3bt6+sbugV5eTkPPkU45TvYKRQVnU5ryxxUb+qLoGIiP4mit9DdTrdC5+RrvDv6dq3bx9u3bqFhw8fYvHixTAxMUHr1q0ruhsiIiKiGqVCH6QHgIsXL2LkyJHIy8tDs2bNEBsbC7m8wrshIiIiqlEqPA0FBwcjODi4opslIiIiqtFq7A9eExEREdUkDF1EREREEmDoIiIiIpIAQxcRERGRBBi6iIiIiCTA0EVEREQkAYYuIiIiIgnwW0tJdGFerxf+hAERERGVD2e6iIiIiCTA0EVEREQkAYYuIiIiIgkwdBERERFJgKGLiIiISAIMXUREREQSYOgiIiIikgBDFxEREZEE+OWoJGoesRtGCmVVl1GpEhf1q+oSiIjob4ozXUREREQSYOgiIiIikgBDFxEREZEEGLqIiIiIJMDQRURERCQBhi4iIiIiCTB0EREREUmAoYuIiIhIAgxdRERERBJg6CIiIiKSAEMXERERkQTKHLqaNWuG48ePV0YtRERERLVWmX/w+uLFi5VRBxEREVGtxtuLRERERBIoc+hq0KABjhw5gh07dqBFixawsLBAo0aNsG3bNvGYsWPHYtKkSejSpQs0Gg2GDRsGvV4PAMjKykLv3r1hY2MDW1tbvPvuuygoKAAA7N+/H+7u7pg3bx6srKzg6uqKPXv2iO3evXsXo0aNgp2dHdzc3PD111+L+9atWwcXFxeoVCo0bNgQ+/btAwDk5+cjODgYjo6O0Gq1WLx48TOv7d///jdcXFygVqvRuXNnnDt3zuC6P/vsMzRp0gR169bFpEmTDM5dvnw5GjVqBBsbGwQGBiIvLw8AsGHDBvj6+uJf//oXLCws0K5dO6SmpmLixInQaDTo2LEj0tLSxHa2bdsGd3d3WFlZwc/PD+np6QCAxMREmJqaYs2aNXBwcIC9vT3+85//iOeV5TqJiIhIeuWe6VKr1YiOjoZOp8PSpUvx9ttvIyMjQ9y/adMmLFu2DKmpqdDpdIiMjAQAFBUVITg4GKmpqTh37hxOnDiBlStXiuddu3YNFhYWuH37NkJDQxEUFCTuGzNmDJydnXHz5k38/PPPCA0NxdmzZ5GXl4cpU6YgLi4Oer0ev/32Gxo0aAAAmD59OnQ6Ha5evYpjx45h48aN+PHHH0u9pqZNm+LEiRO4e/cuevbsiYCAAIP9O3bsQEJCAs6fP48tW7YgPj4ewJOg9OWXXyIuLg43b97Eo0ePEB4eLp63b98+9O3bF3fv3oVWq0WXLl3g7e2NrKwsNGjQAJ988gkA4PLly3jnnXewbt06pKenw9XVFWPGjBHbefjwIf744w8kJSVh48aNmDhxIu7fv1/m6ywoKEBOTo7BQkRERJWr3KGrW7dueP3112FkZIQ+ffqgRYsWOHHihLjf398fbdq0gUqlwty5cxETEwMAsLW1Rf/+/aFQKODg4IDx48cjISFBPE+j0SAkJARyuRxvvfUWrl+/Dr1ej4yMDMTHx2PBggVQKBRwd3fHqFGjEBsbCwCQyWQ4f/48CgoK4OLiAldXVwiCgPXr12PJkiVQqVRwdHTEhAkTEB0dXeo1+fv7w9bWFnK5HLNnz8a5c+fEGToAmDJlCqytraHVatGtWzecPXsWALB27VqEhYXBxcUFZmZmmD17tkEfLVq0wKBBg2BiYoI333wT5ubmGDZsGORyOQYOHCjOqG3btg1DhgyBp6cnFAoFFixYgAMHDiAzMxMAIAgCwsPDUadOHfj6+sLU1BTXr18v83UuXLgQGo1GXJydncv8709ERERlU+7QlZCQgC5dusDKygqWlpY4ceIEsrKyxP1arVZ87ezsLN4my83NRUBAALRaLdRqNaZOnWpwnq2tLWQyGQBAqVQCAPR6PZKTk5GXlwdra2tYWlrC0tISq1evxq1bt2Bubo7Nmzfjiy++gJ2dHYYMGYK0tDRkZmYiPz8fjRs3Fs+ZPXs2bt++Xeo1rVmzBs2aNYNGo4G9vT0EQTCozc7OTnytVCrFQJacnIxx48aJfXTt2hV37twp9TwzMzPY2toarBffikxLS0P9+vXFfSqVCtbW1uLtR4VCAbVaXaKGsl5naGgodDqduNy8ebPU44iIiKjilPnTi8XGjBmDOXPmICAgACYmJujcuTMEQRD3p6SkiK9v3rwJe3t7AEBUVBTu3r2LM2fOwMbGBqtXr8bmzZtf2J+TkxMsLS0NQtDT+vbti759+0Kv1yMoKAhz587FmjVrYGpqiqSkJGg0mue2n5iYiKlTp+LAgQNo3bo1Hjx4AJVKZXBNz6tt0aJFGDBgwAuPfR5HR0ckJSWJ63l5ecjKyoKjo6MYzEpjY2Pz0tcJPAlvCoXilWolIiKisin3TFdubi6srKwgl8sRExODkydPGuyPjY3FmTNnoNfr8dFHH8Hf3188z8zMDBqNBklJSVixYsVL9efk5IT27dsjPDwc9+/fR2FhIU6dOoVLly7h1q1b+Omnn5Cfnw+FQgGlUgljY2MYGRkhMDAQ06dPR3Z2NoqKinD58mUcO3asRPt6vR4ymQzW1tZ49OgRIiIiXipwAcC4cePw0Ucf4fr16wCA9PR07Nq166XOfZq/vz9iYmJw5MgRFBQUICwsDG+88YbBzFhpynKdREREVDXKHbqWLVuG4OBg1K1bF7t374a3t7fB/lGjRmHixIlwcnKCubm5+CD95MmTkZqairp168Lf3x+DBg166T43bdqEpKQkuLm5wc7ODlOmTEF+fj6KioqwePFi1KtXD3Z2dkhNTcX8+fMBPJlZMzc3R4sWLWBlZYWAgADcu3evRNvNmzfHu+++Cw8PDzRo0ACurq6oU6fOS9U1YsQIjB07Fn379oWFhQW8vb1x6dKll76uYs2aNcOqVasQGBgIe3t7XLt2DRs3bnypc1/2OomIiKhqyISXnc75P/Xr18f333+Ptm3bPvOYsWPHwt3dHbNmzXrlAqny5eTkPHmgfsp3MFIoq7qcSpW4qF9Vl0BERLVI8XuoTqczeO66NGWa6crMzMSdO3cMHvYmIiIiohd76dB1+fJlNGrUCCEhIS98xoiIiIiIDL30pxebNGmC7Ozslzp2w4YN5SyHiIiIqHbiby8SERERSYChi4iIiEgCDF1EREREEmDoIiIiIpIAQxcRERGRBBi6iIiIiCTA0EVEREQkAYYuIiIiIgm89JejUu13YV6vF/5uFBEREZUPZ7qIiIiIJMDQRURERCQBhi4iIiIiCTB0EREREUmAoYuIiIhIAgxdRERERBJg6CIiIiKSAL+ni0TNI3bDSKGs6jKqROKiflVdAhER1XKc6SIiIiKSAEMXERERkQQYuoiIiIgkwNBFREREJAGGLiIiIiIJMHQRERERSYChi4iIiEgCDF1EREREEmDoIiIiIpIAQxcRERGRBBi6iIiIiCTA0PUX3bp1w5YtWyTrb//+/XB3d6829RAREVHlYOgiIiIiksDfOnQVFhZWdQlERET0N1EjQ9fhw4fRvHlzqNVqBAUFwdvbW7wFd/jwYbRv3x5qtRouLi5YtmyZeF5kZCRGjx6NgQMHQqVSISEhAcePH4eHhwfUajXGjx+PoqIi8fjHjx8jIiICLi4usLe3x7Rp08SgFhkZiYCAAAwdOhQWFhbo1KkTkpKSSq23uN/+/ftDrVajZ8+euHXrlsEx8+bNg5WVFVxdXbFnz55S28nPz8eECRNgb2+P+vXr46OPPoIgCLhz5w4cHByQkJAAALhx4wZsbGxw+fLl8g8yERERVagaF7oKCgrg7++PkJAQZGVlwcPDA4cOHRL3m5iYYPXq1cjOzkZMTAzmzJmD06dPi/tjY2MRHByM3NxcdO7cGYMHD8b777+PrKwsNG/e3KCtqKgoHDp0CCdPnsSVK1dw6tQprFy50qCtSZMm4d69e2jcuDHmz5//zLqjo6MxadIk3L59G87Ozpg4caK479q1a7CwsMDt27cRGhqKoKCgUtuYP38+rl69isuXLyM+Ph5ff/01Nm3aBBsbGyxfvhxvv/029Ho9/vnPf2LmzJlo0qTJM8cwJyfHYCEiIqLKVeNC1+HDh2Fubo5x48bBxMQE7733HhwcHMT97dq1Q5s2bWBkZIR27dqhb9++OHjwoLi/e/fu8PHxgUwmw5EjR6BQKPCvf/0LJiYmCA4ONmhr7dq1+Oijj2BjYwNLS0tMmzYN0dHR4n5fX194eXlBLpdjxIgROHv27DPr9vb2hq+vL0xNTTF//nz88MMP4qyZRqNBSEgI5HI53nrrLVy/fh16vb5EG1u3bkVkZCTq1q0LFxcXTJs2DZs3bwYADB48GO3bt0fHjh2Rn5+PadOmPbOWhQsXQqPRiIuzs/NLjDwRERG9CnlVF1BWGRkZJUKCk5OT+PrixYuYMmUKzpw5g4cPH+LBgwcGnw7UarXi6/T0dIO2ZDKZwf7k5GT07NkTMpkMACAIgkFfdnZ24mulUllqUCqtXycnJxQVFeHOnTsAAFtbW7EPpVIJANDr9VCpVAZtpKWloX79+uK6i4sL0tLSxPVx48bBx8cH//nPf2BsbPzMWkJDQzF16lRxPScnh8GLiIioktW4mS57e3ukpKQYbEtNTRVfBwcHo2vXrkhOToZOp8PgwYMhCIK4vzjcAICDg0OJtp5ed3JyQnx8PLKzs5GdnQ2dTodLly6Vq+6n201NTYVMJoONjU2Z2nB0dERycrK4npycDEdHRwBPbhlOnjwZgYGBCA8Pf24AVCgUUKvVBgsRERFVrhoXujp37gy9Xo/169ejsLAQq1atQnp6urg/NzcXGo0GpqamiI+Px86dO5/bVn5+PtauXYtHjx5h+fLlBm2NGzcOYWFhyMjIgCAISExMxIEDB8pV9++//464uDgUFBQgMjISb775JuTysk00Dh06FPPnz0d2djaSk5MRFRWFESNGAADCw8PRsGFDbNiwAZ6enpg5c2a56iQiIqLKUeNCl0KhQExMDJYsWQIrKyucOXMG7du3h0KhAAAsXrwYy5Ytg1qtxmeffYYBAwY8s606deogJiYG//M//wNra2ucO3cOnp6e4v7p06ejQ4cO8PT0hEajgZ+fH27evFmuuv39/fHZZ5/BxsYGN27cwBdffFHmNiIiIuDm5obXX38dXbp0wahRozB69GgcOXIE69evx+rVqwEAS5cuxfbt27F3795y1UpEREQVTyY8fe+tBhIEAVqtFtu3b0f79u2rupxSRUZGIiMjA6tWrarqUkqVk5Pz5IH6Kd/BSKGs6nKqROKiflVdAhER1UDF76E6ne6Fj+vUuJkuANi3bx9u3bqFhw8fYvHixTAxMUHr1q2ruiwiIiKiZ6pxn14EnnxCceTIkcjLy0OzZs0QGxtb5uejiIiIiKRU428v0qvj7UXeXiQiovKp9bcXiYiIiGoahi4iIiIiCTB0EREREUmAoYuIiIhIAgxdRERERBJg6CIiIiKSAEMXERERkQQYuoiIiIgkwK9xJ9GFeb1e+MVuREREVD6c6SIiIiKSAEMXERERkQQYuoiIiIgkwNBFREREJAGGLiIiIiIJMHQRERERSYChi4iIiEgC/J4uEjWP2A0jhbKqy6BXlLioX1WXQEREpeBMFxEREZEEGLqIiIiIJMDQRURERCQBhi4iIiIiCTB0EREREUmAoYuIiIhIAgxdRERERBJg6CIiIiKSAEMXERERkQQYuoiIiIgkwNBFREREJAHJQldQUBCioqKk6k60YcMG9O7d+5n7mzVrhuPHj1don4IgYMyYMbC0tMTQoUNfWAMRERHVfpL94PWqVauk6qpMLl68WOFtxsfH48iRI7h16xYUCgU2bNhQ4X0QERFRzcLbi5UgOTkZDRs2hEKhqOpSUFhYWNUlEBERESo4dMlkMixduhRarRZOTk5YvXq1uG/s2LFYtGgRACAyMhIBAQEYOnQoLCws0KlTJyQlJYnHnjlzBt7e3rC0tET9+vWxbds2AEC3bt2wZcsW8bjIyEgEBQUBAK5evYquXbtCrVbDxsYG06ZNE48rKirChAkToFar0axZM5w5c0bc16BBAxw5cgQAcPfuXYwYMQI2NjZ47bXX8NVXXxnUP3XqVPTo0QMWFhbo1asX7t27V2IMNm3ahHfeeQdxcXFQqVRYsWJFiWO2bdsGd3d3WFlZwc/PD+np6QCA2bNnIywsDMCT4CaTycRr/+GHH9CrVy8AwOPHjxEREQEXFxfY29tj2rRpYriKjIzE6NGjMXDgQKhUKiQkJDz/H42IiIgkUeEzXXv27MGVK1ewY8cOzJw5E+fPny/1uNjYWEyaNAn37t1D48aNMX/+fACATqeDr68vAgICkJmZiZMnT6JJkyYv7Dc8PBz9+vWDTqdDUlIShg8fLu7bt28fevTogXv37mHQoEEGgexpEydOhFwuR3JyMmJjYzF79myD0LJ161Z8/vnnyMzMRGFhIb744osSbYwePRqrVq2Cj48P9Ho93nvvPYP9ly9fxjvvvIN169YhPT0drq6uGDNmDADAy8sL8fHxAJ7conR1dRXXExIS0LVrVwBAVFQUDh06hJMnT+LKlSs4deoUVq5caTC2wcHByM3NRefOnUvUWFBQgJycHIOFiIiIKleFh67Q0FCoVCq0bdsWQ4cORWxsbKnH+fr6wsvLC3K5HCNGjMDZs2cBAD/99BPc3d0xbtw4mJiYwNbWFs2bN39hvyYmJrhx4wYyMjJgbm6ODh06iPtatGiBIUOGwNjYGKNGjRL7etrjx48RExODhQsXQqlUwsPDA+PGjcPmzZvFY4YPH47mzZvD1NQU/v7+pbbzItu2bcOQIUPg6ekJhUKBBQsW4MCBA8jMzISnpydOnjyJgoICxMfHY8aMGQYhrDh0rV27Fh999BFsbGxgaWmJadOmITo6Wuyje/fu8PHxgUwmK/UW58KFC6HRaMTF2dm5zNdBREREZVPhoUur1YqvnZ2dxVtnf2VnZye+ViqV0Ov1AICUlBS4ubmVud+PP/4YhYWFaNWqFVq2bIkff/zxhX09LTMzE48fPzao38XFBWlpaWVq50XS0tJQv359cV2lUsHa2hppaWnQaDRo1KgRjh8/joMHD2LYsGHIy8tDRkYGzp8/j44dOwJ4cuuxZ8+esLS0hKWlJUaPHo3MzEyxzaevoTShoaHQ6XTicvPmzTJfBxEREZVNhX96MSUlRQwVN2/efGEA+CtnZ2f8/PPPpe4zNzfH/fv3xfWMjAzxtYODA9atWwdBELBjxw4MHz4c2dnZL92vra0tjIyMkJKSIs78JCcnw9HRsUz1v4ijo6PB82t5eXnIysoS++natSt++OEHAIC1tTU8PT0RFRWF5s2bQ6lUAgCcnJwQExMDDw+PUvuQyWTPrUGhUFSLh/yJiIj+Tip8pmvx4sXQ6/U4ffo0oqOjMXjw4DKd369fP1y+fBnr169HYWEhMjMzceHCBQBAq1atsG3bNhQUFODMmTOIiYkRz4uOjkZaWhpkMhksLS0hk8leGD6eZmxsjMGDByMsLAz5+fm4cOEC1q5dixEjRpSp/hfx9/dHTEwMjhw5goKCAoSFheGNN96Ara0tgCfPda1evVq8lejl5YVVq1aJ6wAwbtw4hIWFISMjA4IgIDExEQcOHKjQOomIiKhiVXjo8vHxgbu7O/r27YuFCxc+czbmWTQaDXbt2oW1a9fC2toa7dq1wx9//AEACAkJwcOHD2FjY4OZM2caBKJjx46hbdu2UKlUmDBhAr799luYmJiUqe/ly5fjwYMH0Gq1GDBgAObPnw8vL68ytfEizZo1w6pVqxAYGAh7e3tcu3YNGzduFPd7eXkhNzdX7Ld4/enQNX36dHTo0AGenp7QaDTw8/PjLUIiIqJqTiYIglBhjclkSE9Ph729fUU1SRLIycl58kD9lO9gpFBWdTn0ihIX9avqEoiI/jaK30N1Oh3UavVzj+WXoxIRERFJgKGLiIiISAIV+unFCrxTSURERFSrcKaLiIiISAIMXUREREQSYOgiIiIikgBDFxEREZEEGLqIiIiIJMDQRURERCQBhi4iIiIiCTB0EREREUmgQr8clWq2C/N6vfB3o4iIiKh8ONNFREREJAGGLiIiIiIJMHQRERERSYChi4iIiEgCDF1EREREEmDoIiIiIpIAQxcRERGRBBi6iIiIiCTAL0clCIIAAMjJyaniSoiIiGqW4vfO4vfS52HoImRlZQEAnJ2dq7gSIiKimik3Nxcajea5xzB0EaysrAAAycnJL/yDoZeTk5MDZ2dn3Lx5kz+tVAE4nhWPY1qxOJ4Vr6aMqSAIyM3NhaOj4wuPZegiGBk9ebRPo9FU6z/smkitVnNMKxDHs+JxTCsWx7Pi1YQxfdkJCz5IT0RERCQBhi4iIiIiCTB0ERQKBSIiIqBQKKq6lFqDY1qxOJ4Vj2NasTieFa82jqlMeJnPOBIRERHRK+FMFxEREZEEGLqIiIiIJMDQRURERCQBhi4iIiIiCTB0/U2sWLECrq6uMDU1Rdu2bREfH//c4w8cOIC2bdvC1NQUbm5uWLVqlUSV1gxlGc/Y2Fj07NkTtra2UKvV6Ny5M3bv3i1htTVDWf9Gix08eBByuRytWrWq3AJroLKOaUFBAcLCwuDi4gKFQoGGDRti3bp1ElVb/ZV1PDdt2oSWLVtCqVTCwcEBb7/9tviza393v//+O/z8/ODo6AiZTIbt27e/8Jxa8b4kUK23ZcsWwcTERFizZo1w6dIlYfLkyYK5ubmQlJRU6vHXr18XlEqlMHnyZOHSpUvCmjVrBBMTEyE6Olriyqunso7n5MmThcWLFwvHjh0Trl69KoSGhgomJibCqVOnJK68+irrmBbLzs4W3NzcBF9fX6Fly5bSFFtDlGdMBwwYIHTs2FHYs2ePcOPGDeHo0aPCwYMHJay6+irreMbHxwtGRkbC559/Lly/fl2Ij48XmjVrJgwcOFDiyqunn3/+WQgLCxNiYmIEAML333//3ONry/sSQ9ffQIcOHYSgoCCDbe7u7sKsWbNKPX7mzJmCu7u7wbbx48cLnTp1qrQaa5KyjmdpmjZtKsybN6+iS6uxyjumw4cPF+bMmSNEREQwdP1FWcf0l19+ETQajZCVlSVFeTVOWcfzk08+Edzc3Ay2LV26VNBqtZVWY031MqGrtrwv8fZiLffw4UOcPHkSvr6+Btt9fX1x6NChUs85fPhwieN79eqFEydO4NGjR5VWa01QnvH8q6KiIuTm5oo/NP53V94xXb9+Pf773/8iIiKiskusccozpjt27EC7du3w8ccfw8nJCY0bN8b06dORn58vRcnVWnnG09PTEykpKfj5558hCAJu3bqF6Oho9OvXT4qSa53a8r7EH7yu5e7cuYPHjx+jXr16Btvr1auHjIyMUs/JyMgo9fjCwkLcuXMHDg4OlVZvdVee8fyrJUuWIC8vD8OGDauMEmuc8ozpn3/+iVmzZiE+Ph5yOf8z9lflGdPr168jISEBpqam+P7773Hnzh289957uHv37t/+ua7yjKenpyc2bdqE4cOH48GDBygsLMSAAQOwbNkyKUqudWrL+xJnuv4mZDKZwbogCCW2vej40rb/XZV1PItt3rwZkZGR2Lp1K+zs7CqrvBrpZcf08ePHGDVqFObNm4fGjRtLVV6NVJa/06KiIshkMmzatAkdOnRA3759ERUVhQ0bNnC26/+UZTwvXbqESZMmITw8HCdPnsSuXbtw48YNBAUFSVFqrVQb3pf4v4i1nI2NDYyNjUv839jt27dL/F9DMXt7+1KPl8vlsLa2rrRaa4LyjGexrVu3Yty4cdi2bRt8fHwqs8wapaxjmpubixMnTuD06dMIDg4G8CQwCIIAuVyOX3/9Fd27d5ek9uqqPH+nDg4OcHJygkajEbc1adIEgiAgJSUFjRo1qtSaq7PyjOfChQvRpUsXzJgxAwDg4eEBc3NzeHl54cMPP6wxMzPVRW15X+JMVy1Xp04dtG3bFnv27DHYvmfPHnh6epZ6TufOnUsc/+uvv6Jdu3YwMTGptFprgvKMJ/Bkhmvs2LH49ttv+UzHX5R1TNVqNc6fP48zZ86IS1BQEF5//XWcOXMGHTt2lKr0aqs8f6ddunRBWloa9Hq9uO3q1aswMjKCVqut1Hqru/KM5/3792FkZPgWa2xsDOD/Z2jo5dWa96UqeoCfJFT8Uee1a9cKly5dEqZMmSKYm5sLiYmJgiAIwqxZs4QxY8aIxxd/NDckJES4dOmSsHbt2hr50dzKUtbx/PbbbwW5XC4sX75cSE9PF5fs7OyquoRqp6xj+lf89GJJZR3T3NxcQavVCkOGDBEuXrwoHDhwQGjUqJHwzjvvVNUlVCtlHc/169cLcrlcWLFihfDf//5XSEhIENq1ayd06NChqi6hWsnNzRVOnz4tnD59WgAgREVFCadPnxa/gqO2vi8xdP1NLF++XHBxcRHq1KkjtGnTRjhw4IC4LzAwUPD29jY4fv/+/ULr1q2FOnXqCA0aNBBWrlwpccXVW1nG09vbWwBQYgkMDJS+8GqsrH+jT2PoKl1Zx/Ty5cuCj4+PYGZmJmi1WmHq1KnC/fv3Ja66+irreC5dulRo2rSpYGZmJjg4OAijR48WUlJSJK66etq3b99z/7tYW9+XZILAeU4iIiKiysZnuoiIiIgkwNBFREREJAGGLiIiIiIJMHQRERERSYChi4iIiEgCDF1EREREEmDoIiIiIpIAQxcRERGRBBi6iIiIiCTA0EVEREQkAYYuIiIiIgkwdBERERFJ4H8B77BGrXygJxMAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAd0AAAHVCAYAAAC0biEDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOz9W69sy5bXh/5ai+g9M8dl3tdcl32niiqw6yAfKA4HCxvMAzJPNiDEExKPFhgJ1RMYWTKWrJK/AEi8lOwHS7zYMhIIxAtgy0I6KiHZOrjO4VLFvq69123OOS6Z2XtEtPPQIqL3HGOuvVfZVG2t4xFTY+YYmT37JaJF+7d7EzMzHsbDeBgP42E8jIfxWz70p30DD+NhPIyH8TAexv9VxgPoPoyH8TAexsN4GL9N4wF0H8bDeBgP42E8jN+m8QC6D+NhPIyH8TAexm/TeADdh/EwHsbDeBgP47dpPIDuw3gYD+NhPIyH8ds0HkD3YTyMh/EwHsbD+G0aD6D7MB7Gw3gYD+Nh/DaNB9B9GA/jYTyMh/EwfpvGA+g+jIfxMB7Gw3gYv03jpwq6f/2v/3W+9a1vsd1u+X2/7/fxP/1P/9NP83YexsN4GA/jYTyM39LxUwPdv/W3/hZ/6S/9Jf7qX/2r/NN/+k/59/69f48//sf/ON/+9rd/Wrf0MB7Gw3gYD+Nh/JYO+Wk1PPgDf+AP8Ht/7+/lb/yNv9Hf+92/+3fzH//H/zG//Mu//GO/W0rh+9//PpeXl4jIb/WtPoyH8TAexsN4GD92mBlXV1d88MEHqH6+Pht/G++pj2ma+NVf/VX+8l/+yyfv/7E/9sf4X/6X/+Xe8cfjkePx2P/+3ve+x7/1b/1bv+X3+TAexsN4GA/jYfxmxne+8x2++tWvfu7nPxXQ/fjjj8k58+677568/+677/Lhhx/eO/6Xf/mX+Wt/7a/de///8UefEIcAZmgBAwzBUIwAoggBEARQAQEigggI5m9g2D2FeW0AEJpB4NQwYP24pnCr+rlR9WuIoKqI1GvW48wMLNXzGX5a8VcTrP5Q715EEdF+LtXo51Stn4MZGIaZ/5RSKKWd38g5Y8XI5UCxTCl+/VxKfQaXzlSk3q+0q1NK8dn1lzqjy3yUUjCDlFK9fvHXUu8HI5dEsUJKYAVKrs+YA6AIESWgElBR/1G/TtABkcAQIyEEhiGgKsRBEIUQBRXQAKoQQpt7QAuiBdU2l8tCGFDM6tytVxQErc+vFApYodRnKCXXOa7frT8li79XINf5b39jAiYIoc5qXTu/mNNj/TGMQqFU2lRRRNvagDQ6W9FevWlUxOexn73U9SiUFW07jYHl+ntdW0M7PUpdh2XO2o/RNo0ZFCtghljbD0LByGKkUkiWyZUu241KnfQ8J0ouzMfJ59Syn7O0fUHfO0GVIEocA6JC0Laf/MkUP1CkPqUVX4dc+jr4uipqwb/caCVS6V5BFA3Brxfjsoe1nbvSfXY6yClTil/L2o8Z1q6dc2M13Tqn6nSPhDqnvgC+6oViuf/t0+6vIm0OnTasrydQ6u+lIOLcMEYhRmEYIsOgDEEIKmjJqDUeCBpDfcaIAbkIpQgpwTwX5jmTk5FyAVUM+v5UWWl2le81HmS2rCOAWj+s8uEVbXVGvBC3SOjzH9T3tN6xcC5TYqd/n4z17n7Lp42XVd5VSqm8wcj1m76fC6WAFaMY9VjIxfgX//oNl5eXn3sN+CmBbht3TcNm9lZz8V/5K3+FX/qlX+p/v3nzhq997WtOPBFnZJVhFARriyhaF62xOL9mpC14W33rhLvcC2/9+/T95V4bU2hg1TanM35ZAGB1PvMdUxd7AVz/3X8auIk0sHVms4BvqEy3McCFyEuRFdEbInUTFEFMIEsHG+p89PuX1TMBaoqZoSbIPdA1ShHMCqraiXAB/yoOFaWUCgIZJ+SyzKniwBlUKuiGuoRCqMx/GCIhtFdnJqqg0cH2Lug2gFKVfi4R6c+8Bt1cGVbpQNipBjXBrAo+BkUXwcbn2p9D6jNkrK+JtGWtoKvtnE0glAZlVmmyAW5lExVIRf3cVJpC+qovNKgOGgFnoIqvi9EEhdLuiFIcXEulPROrgt4CulqFvYUuFiJuQqEzI6dlrcKFIBQxVAoqmWBCanDSN5NUmlJQIVqswujCsE+eTUDVBc8FCLXOQXZxW8odIVQoWcnBwc/pNdT5r8JEm8tY99Rqr2kIxBBcuJVlTzcGncXnV8DpIyVMBStSQVcwFYpKB4LG40RCFWZCnce6LraiS6wKEmukquBRBZvOOxY2ACqVE1oFKiEEJQQlBiUEIRQQSr8nDerPqQFDCEXIpe6ZuiuSFDRo57FSibeBbuMLCJyC7sI4xWzNOTt/XnjY8iBrZcN/HOh1xfOqpLgINSdTscaTu2L1XX6+8E2zQhFfg1L8fnNbJRFE/HOpfFwoKwHxPoatx08FdF+8eEEI4Z5W+6Mf/eie9guw2WzYbDb33lfLaGV6lMYodCFKKoORZUn7dKwAd712y4KcaralaoOnmu590FX1YxTBZC3Val+URoRWtaUuCVbAVQ0rzbpdx5ZXW2ve/oxvW2drWpOVKoW7NF5yppRMrtfPufSn8c13R4CQhYxFqjbRn9s3vKoDr+qioTeNtzFAB4JCyUbRgqXKWEoDpgKdIbnMtAgsgoo4s6jMQ9WFLhGpINsEhx8nzdI1b6v32KXVprH2Db/MewOAUhzA2rrlfAq6VjXdnO1Uy6WtbzujNOrsS9ssCyyfdJrVRsNdiDxlJwBSBSI9YWQr8un01LTzglnVzOs6rMlbRJ2+2pogbxWMharxFKAEpCiSFZWCheTPpk6LGddkc5sbA6vAJ+OAmhHM56A0LUzLCeAhStAIEsHGOj8Jlcyg+/p8QrMYFTUHEG3rKJVmXIiw4MK5VcJXVbcWiBJ00fSbINbmuu9ZUxpL7nNTjzcRTFcWjXuarjOOxnqs0klBfB6roOLX1RXBrPhGJ25ZaYrKCQ80sKJYUYr48xXMI2m7dN007mY9c2udSgW6IEQMLeZwbit67EKgX7+UBcyp4LVQf91o9b7ucOY7lHWPyv0s7TlXGGoslo71Giz0at0isvDxU37epsJOF6Tz4Tbn/fr1ju4KFj9u/FRAdxxHft/v+338g3/wD/gTf+JP9Pf/wT/4B/xH/9F/9IXPo5Vo+nKK+Ea1Bjj+KtbMMD6bJlUyWjHnJjit5209kXdfpRJ/NwFLY+jrRetnqudqErid/JQq2jpD037s6uure2pv3CUaOX2/gk9Z4IVuYjxhsm4C7nOlCmVhcot2vtLIVpurMeFS2rG6eo5StSln7iYgBbKWqjU6IC+bYzVljQ/0H7nzw6K56vo46793gUqsMzWRtmmaRtHM3/h8nE53n/Plp5mi12tIBywHWlYacFtbVkRhXXMwXLPvM2pW6bmyaW3E2d5ZANDB2hZw7XTw+WysrZm/rpnIXZpdGFe9ZacPaTTeBD1ZnbMCSOX9pc1122+4dhlKRErTtAVKqPjgICE2gWQERbQgoSCh7te19UqqqV6EUK0SQVKd7wV0td6LkLuFwuXzei51YpKwgG6nR1nTYv1jxV/65EhdX2Exba6JWhYeI/WP1enWcpEf3vhIW2tp8+uv7X2x0mwBC820ezrhDS4clCIUcRFBRLCmbVOta0izclctT1bCWBWA633ZnQ0rlS6a4EDVCo1FaPRbK/4ctpqUFc0tPLU+UxUSOniueGMHugbqsnxXkG7+9vuwqpkugrS1c6yEoc4PKuYuSgSVprgzrO+lLzJ+aublX/qlX+LP/tk/yy/+4i/yB//gH+Rv/s2/ybe//W3+k//kP/nC5wgYgQqmKtWdUU1TXapZEHANxC59tX1xnz3dBca7kszya1tAX+/22ha7AW4D+IVxWwe/xqCXhbeFod1Zx4Vv+7MtG66OKgywur/uHbSMdX/F4jNr5l8AqcjTTNgNTBvT0foj642yEhb0xOzqwGrVNC0WMFVyduaaq3PH1BnkwqNsAfeVlqu6/mkSeOXDJ8BLZWq2zMeduXdf9oom2gbrdNIYkX++NpNZdX6ufbru42E1r83E7u9RVmBHBZTOxMKKYayFJ6WZARaovaPBdhpc0cvnoW2jhy4oNGaxpudqJlxp1CffNhbaXH2qFWyLVvxs1gCWk7trQpEU3RydBzAF2zgzKwUjUThgkkAnghZCzOhgSKhMEvH7FCWEiIgSZUDITr+Fat5Vt4DVaVStftdmvG/0Uc3HGoeVMFHvu1nNVLqg0+lkJXSJmxhcA66xA9ZkhIKbItuMdSGyrZotCp8tsyq2+nRldfEZqHtfqsDSKKMhNTjR9azQCqoFktX7GXzTBNHOD9d7BJPqomr+/upuac9XCcIaCXaLSLteuy9OBHVkoev7AFvXlvvvS58U69fuRGksc1ivf2KpE79jF/KqAsJi5aE9Qztdoe+N/t5qfqoWx4q8v/D4qYHun/kzf4ZPPvmE//K//C/5wQ9+wC/8wi/wd//u3+Ub3/jGFz6Hh0Ms4Sdal7XUia+skVNOZJ0ZtE2g9QuL9rI67kTDfZsJ4ZQtLQzpVANZfJuNqMvC7Oz+uZZ7gKahNX/fqQZqJ6+nGnQF2RrYUaqZuaxNe2UtyZWuLVLAZAH/z/P1+helbiSrQQhS95X1VzODGnigKhRbpGb3d8liFm2mqv7jpq1m4tLgpsEGwG6GbnN0CsCrCIt79NPebj7GhaH7lxdfu51suL7x6k5ftN/lmJKbYLParBV4m7DXA9bQphgsuNuQtjKJHgXY8VVONKoFlJf/17R3X3A8RWe5wwBbAGBj5qd0vhLS1gE06mBbBGZZJA41QS0QigfKSRmREtCyQ0pAygZMKxhmJt0DM8gBsRm1CcqMSKZIBjFKBaGA+1MpAqZIOaOhv5hgWZ3JZkPF6jQmihRQP5cGDwTwoEvqQtXAwTXNryZbyl2KWgvL6zUBU1kKItjpOdtsYs3l0QChbfw1WK0vt5ir3YLXmF6jEwMJyOqezKBkP4/HLy607ljd6Lnda/NN++9ijQ6kc7fmz25qefN3SzdvLwJG0/Dp2vkCqu0Bmy/9VKhbE76tKHcFzE2okRZwFVbWifb8fk432Ld4lqbhL8caUj19WkUe63MtUrXlzm8L9zHhx4+faiDVn//zf54//+f//P/h7yt0TbfShZs8uu/M45ipf7XXQjU5Y91q044/8bGugOxtr+0umskNXMsJYRV8otK/cxfMV6yri2nNxyaV4a4lrRaNSL/e2ry9Ikor5Fyl+vq6+HIX4O0bagUs4FHOIYQ1b11At/lYOSVoreeQbrJ0840UMDUH/grmooJW/2/BNaDG3B14K3CqdI1bVbsvNwRFq0+3+Z+bNu4M5NTE/DYrxb2f9mEXmk7nfr2GpyDGQm9d2Gk/zuTWgF2KuPkeW4Fu6XTbBAk/objgU+njRO+05V777HXeLKv7XiwPp9Hsy6ka4K4FrOZLl7V9e3XhReOtdFDv1UIma2EqHimnBrEEtESibYhlZCznhLIh5nO0DIS8xVASkDSxZw8yAbeY7aHcYvmAyRHTGZMahS2gUn10JWCmkLeIeWSyZQfdnAqWCxoFiYLI7OCtCdQIMVQhy5losbkKktVkqitwkJUc1whGehRA3aOsJ8dpT1yT79pg3ztr/tRD5wAXWPt6nixDXV/x/bLQ3wrFVzgtDUxLcZO/uAyX8/JMfXXvs0vo+7PdhFawN7ombY0O2k5u89C+oetDT2jqLvB6cOjqvb53CstYzM1NIGpWIJXFRbB+rkUwdqG/IDWIcn0kNH+4qH9RASuOJaUUmuvsVAA/faYfN36qoPt/dijOsBu5+pAaTt6kGlkkOGnL3aSXhQH5YlRJs6x31V0AXr+3MLp+9RWx2PKFk/Od/NrPU8mmRuk2Kcwlx/tmvnbeUqwHby1Mv7z1dQGExRzqysjiw9DOYPoDndx7n9kurS+A001b1kz3df6LYVWb7VqDipv0wLVeW6JJuwm7v9LNyd2UfM+kbDQ/dvu9Ac4aZNZg2Z+7NL5Spfn6GCIsaTQn6+hsxAWdsrqHZcrWf7flalpv0/gLuQOWimBNkFBBpICUE0ZlzVpo0EyjTeBzBtEA+/M3/wKsYGUBFr/Ht3xvrWRwl5bvH7ckOpWatjQwyI6NbNnZJRvZca5PGHTLTh+hNhDziJlwsMIkiSu5dYCVW0z2GDekckNOt2Q9YDLD4PeS5gymDHrBIGc82r1P1IFBty4IZKWkQs6FIolCYp+vSOXIoVyTc6IU13hNXDD0YJwCljytqVlqpCz7VFdWhS68Wp8LaX76Rjt1ke4JK1TrEFTrUofJhdf0Ke4o3NeyHd/MnU2DawSvfb1XSFwF/uKOd0QDjWz8+OpisMqHmulQGo1IVwpoUbv9b3+mLrvSwHBxW5i4cNNJpwZslSpJNR/rcs5TNtqu5/yqizt9lhYttp6iCghNpCm2Cpq0frenGnn9noNyWQR5umF9We8vCLZtfLlB14RgKzOyLFPvEy4nk75CuQVw6z9YzIzFyumF7gDn55kTTgDXHAjuH3oKut3kUrdwk9IWAmxEcGrmW0Ck1DQcH58HuE3TcXOzCxYnps9+vuVeepTs2sT2lp/27GZGqBqDmAdrKHTgXQOumi2abmP+uOTetawGvCd/t+vWjb/CmGUWHAzbmp9qtadaatdy2+ZeEVCnGFv90ZhKe05pgWPr+zKP1q3P3AV0s8VyWRobEMSyCyU4U3PzvAtTnVeevFq/v7WG0ejorltjsVYss+QY4My6H73mlG8ZX4TF2GpfCUqwgYEdGy7YyVO2XPBInrOVM87DYwIDcY4Ug70VDjYDN5QGuuwpcsZkG+Y8kso1RSc0uk+2pFswZTucsQ2PebH9GkPYsRvP3MFchJLcejOXA6lMXB0/4ZBuISlzOTKXIyYZCw6+jjy5MvYM1rI0F+7RgFWq2mj5dI4X7asCVQXvk9HotoKkR/4bBFkOX036OjJ6eW/5xfdd42yyOvR05RrdlBp5baauNTf67Y466cGFZRUes8COLfTTpdT6/CsqkapMNF5ScG2xf97SjZrg1pnRW+hrxaf6XLdnPTnO7hzvlJlZwLQBb794/en3gz94Cw1a+I3zl7bCi5Xwi40vNeiSrU9GI67+7A1tqcnOq89UlhIaPpov5b4p8vPHKdNfCkrQr1ktX/e0nrvnoW+QbiPtBLWAQlvYFlmc66FNG24+4hahXKX7+mq1oEPOxQs42GlwULu+a5Xrgh5ycqdtvrq1rZvPV8+4eu4m/K5BWtU3u2rNTAwB13PVN7wswVKn/tn2e9NoWYFNqYy+ChYVeDHrCe6Ldl//7nPaolgrI1DoTPYkWrFucGnqprlGSjUdnohHLaismt5rWpSq5/CagGVb1njlL1unBAnNsiht6pdhLJovd96HhaZXTLfPI744VgN/MFsBx9uJ9ceBbft8sEgwIZZALFuGfMGZPeXMHnPJC3Zc8lifucYbzokEVH31tlaYLbOxczIzRQ4UPVL0wCG/5lCuuU2fMZdbLM0QMufxjBgG3j3/GS6HF3z9/P/OoFs2cUtJkI+FEgtZMlkOZGZuhk+Yyi2vDj/kkPe8nj7laEeu8msKicKEBEVjXWtRN53LIlL0yPfGWbqJuc6FLTJMf1/lRIBv+7cJqU5C0guM+OEtYOqOdNn2RC8OwiqNCXo9jRMhoFln2n6PIDUHWZv27pHgTQg2adu5+VKr4Nh3myz0ZdwjEmn0vOKPiq45dQU5F1YN978vn98l7tU8NB6GLIkKKz/sMqplC3d5d75XVjvDWJhVd+8sTK3vbHGXhtXgM6v8zFnRHWXtc8aXG3RrVKjzwU4SNI2gCpAOOCtib2bm0gmw/l1VkrXv4B4DagzrbWJYO3+9eDMPuQR7H3hPAU1OXk8grttTlnO25M/GrK1G4pxquOXktf9u2k3Lay23Ec8ieTbJT/rvd6Zi9Syrd5oZv33X1bFFCxTpwU+2eoYqCy95kSfX5kR7OJn/ygA9OtE1oCXCuM3H54Gu0ASZxiHfZuh4m+ixPLOvT0vzkC4NN2HKGVoBKIJK9a1xZzSNtDHJ9c8d7eHkO2tyNHqKDpwKkIumRBUL1gLenTX8iRC7uoU+QUKwQCiBWAZC3jGUMzZ2wcYeseUxW/HXjezY6rYWPfE1ChRmK5gNFGYyG4pMFD2ipqgNpFKwFCgcoGQ0jmzChiebd3g8vOSd4asMumEIG3IpJDIZD8ByAJ/Z6cBsN0Qz9umGkjMx37JnTzLBLHuRllaxCncFuKa0xGOUlUDTqWC9Fl9ESqnfWX932WZrxP4c0F05mK0Jw6vvLdkQTj2e7tM+DFWoCKyJYBG2275rqT+LYGGr/5t5aHl26bdwdx+3/OATh+Ba012NdQxNN+uviL3z2YWSuyJ1V3Eys1rsgs4P+r1/zjotW2oB+WXftGRVf66iulLifvz4UoOuZfMgnSpxFHNvUsaV4GRCNrz8HCwC0irQRlYT9dbqKR04ViDIYl5sHNl0tdus/9flw8Vnu36C+6tdrAZ5VUBYlxns6ChVW1erfpd2P/fNyaXkO79bN2G6xLoCBlnf5+lGWAKp6rxp04r1/mZRNycvj+fSsQdM6VJARNt2iXilplayUxdf7gpsm4DUALNJVYIhpWqdksFKdRH45m4+7BbU5NKxrax9FeRr8Ay6pEO4QLOCoi5QND946eaqqvt2RnxPRhfXKBa/rDMelUCoBR/cvRBq2crSabTR4KLwVGFxxYv9fhojYvn8zliqB3llIauFTfyZvjjYLg9WXwxCHpA0EA47NJ0RpnOinRPsAtFzkDNyGEkamEYjaiZGN6VvYmAgsmH0cqGWycwkZnbxkpmJXXzCId1wmz4jM3G+Hdhtd7x/9jM8khc8n9/DknK8ndDZCFMh1GW1cMTCxGYQip5zNgSOYc9GI9f5mnlKHNOB/REoCSnHylt8r5nU0p9Yd17Q4gfM16nlZVP38GoLLFpAG2UtpDVlwE6OWQSh0wjbTgdrWrB1xkajl0XDDGqLz1YEwoCoa7p+Hn+qbFRt20/oKUPWDEeddu4+nCsWK6Gt8xJBJPSshOq85u4OqeJB52X3A5WWDI4V2XXaE/ACO9R57vzZjywiHvXe8GB1krXsWvKi258oJsulaVHWfjpFanGULzK+3KDbFmXlO20TVVY/Xa6yRars52Bh6G1iV9jGctbPE4gWoF0E3FO228/Xy+x1xeDOOU+B+lR9ac9cS841KW+twZfToKnOgO/+zoroVr8tmpX010VgaDe8MPq1X7U/lbBKN6qBPSaUmq+4SM4tt1PcVONch3X+qvR7Wq1Yl56ayahGAlszeDVaaAutHsXaxNyyciW0InrNxLdaL+kL10BsWd1TZrO8DZVxyjLDjf351LlTQ1FnfuppLTEMqAbGOHiVLQ1ehUkz7oXKdNOV1PzSDrotcv9z7C/WbvmERdWXJcKzr+Ny2oWfd4pbznEiaNU9I6YEG9EyMuQzJG8JeUMsG9RGRCMioa6SUHIhI4R6k0EDAa/AXTCCFbIF9/vqyCheOzzKxmuIc+Qi7jiLZ1zoU87kMeO8Jc/G8ZBgLjAvEeFWApSIyEgJxoYz1IQt52QxtnoGKiSZMGanFUmUSqeOwF44fNlFTdQ6jTxum97urcr6O0u643pZfDrs9M0V2fW16oBxeo3+l7St2vZSKyPaJedKAwvtNJ/wel2XlLi2F95CZ8vd1XuU1Z9ywiO6v/gt56iiRb3GqnhFf78GwFbg7Nepf2u1t1uzVpZGzMsK0c+5um5jF93ldMpjm5m/r0pX66Wh/YpP/vjxpQbdLnGaa7alGoFcy/X3Mksg/qlpoNbANXogg9VC693ysVJxtL4ZKsm02re5AURYiftUrWHZFbRYCulIwupCsBJb6Q4Z6GHr/e/1OQ1Sv9eFSDpptLwKa4DmkNY93C0FCavpN2EVPbsSDgCvMCAe4amGaaGIICH6eSvV9s1Z7zVocJwuRgkTiBv8XNsbsBywNGKmkGK/dzEjSCFY8spjFtAyIGwQC4gm0MIsCWplKzFBc6xpKBuCDQQbKClQspI4UJghvibLRNZbTEotZq6YRaeHqjUHKYQwoZqWKS0bsAAMThXVwiFDV6M9R1eKF4oQkBKREog2onlgkx8RbcuTzbuM4Ywn5+8yhA3bzSWGkDNuXi17budPuZ0/4SZ/zNFekzZvyPFIChMuNghCYJARJRAs1jU9pfwla1yqZF73wUrYkDoTLje0UqZCoVUikapJLP50S+YBS3MkyI6L4SsM4ZxxeE6wiDIy2pYxbRmCMOhMDEc0ZiwMFFEsj2CRaGdViPB/EXN/MxBiQKMyxZfknLiRN+SSeaQXbNjwLD0nMjLPEzklcr7xKOpaIxcgzTPlmJhvDiSb2U+FqQiT7ChBeHT2AeeSeBwnUj5yPNxSdKaEiRSO5DBh9oZie4ruyZowmYBMKAefsxJ8r5lbEVr1p+yEBRTUEq1Wr5hQwgZoZtc1LJ+w+b6nGoC2fSlVgFmgTHoxj5bkIwhaqu+2BUq1etl9l1fAWuXRsgJco3T/fy6y7HVZLDHatdm1Crk8TeO8bZ2X5114nNXcfi8ZWsgtmgvQlSVwPfySLXPldDR/bVlR+ilA+rvlTqDb2rztubsr7d7Wr03qvHfpt44vNeg2tb/QJqYSh63+7pJZFQ0rAJ7g00o4vWdG6BLrnUAJHFRltQhNM3hb5gWstNxFrDyR9j5vzU5rCTcxTPocwF3JzZbP7jzPsnlP5dW7vpcTU/O9O2tS5v13++VsfS2pPNuZQaictGhFJQ9xro+0SO11r9BP1dWw1g4g9+42KgoWkLRBaw5oKK5llazVfBrJcqSUPSYFqc0Z3hZcGjrrr8zSWiqCOFdo7Kzel6yi5lywbnVrhUBEGdiwI8qG8/iUjZzzYvcB23jBk917xLhlOz7CTEjZyDaRbc8mbBl1QFJCSmYve88jheq7XUncdbU6cS+26JXrr7Hmt61rh+WFgZuvX98/J1qV9QUSU1QGtvGCUS7Z2lMviJECUUYGBoJEggiq7lpo+a8qwc2PvQHEynRb6SeGgRACkYEsGYlKKZkLvWCQkcF2BAt4zEKzDBRMcr9js9yDCXMupKN30iFE1Ea2XFCkYCEz20RggzFTmElyJOvkdETEREg2kaidwlY5KE2IRxZAabW0EPOqWXgRGSrtrTHqlPUvu6vFR3Q/LQsPEGQxZ6+04tXXT5du9YFnFpwK851oGi+11X6gvbfwnebzfduF2xycUGqlK3/+pvU3ptvIqpryV6CLGbq6pzakmo1PusrceeRSwfMLKqSnoHvv+d6ySv9XAN1cibtpula3Wra25VZMmyUlyEojgFL3gUBLpektyhpxVGNYI+gWbORi6qoO4WoRTkywy9udSKqZtfkO+teaTHrPrFvlhSYcsAR73Y24Xn/nfhS2P3UPpmgEKlaLT8TejWRJ06Gft6WmVIWunr/UspBeR3dVzGd17z4/Qzx3aVe9SMNUMjnAzAQmSEy49hWqL14JMqASiBFUj9gweVBSTlWZU9QigTNi2bGZnzKWC3bpGTGdM+RziiRMMsfwCUlu2GeY9QYKJJldK2VFKFUJRKGkWAsvRCAgtgUCSqwGiwS0zk0QS03FwDVcTQObcsZoWx4NL9iFS77y6Ge52DzlvctvsgnnbPQSlYEQNtV6UTBJmCYOvOJor/nem/+dT/bf5vs3mavZbTpIcpBHCVoLUVT7j1uA7jJBXegPquCyFt2X39sUrAsd+RE9cbkiREAtMIQt5+MlL59+wBlPeWxfgwPIDcik6CRY7fIjgyBBGccNKpGRrTfDqL78MLSKRPWeBIZhIMaIBX+ujW4wjM24IYZAxBsfWDW/S7CqsaX6lFYjk739njekEKwog+yItuM8PnVLzxjIOTHFA4SMxEwZE2VIXJXP2JcbXk2fsM83fHb7faZ8w2QJI9UIeN8XxSCLkYVq9bI+l63Eo9Q9Q92Ta0vR6c5dBNj13yvtoP8uFcW7Abf+bQVMdVEgqquq2ALkfngTEJbfl2IQ/pOzrXhAi+1YiO2kibu1OIomZFWNtB6v1UWiTTgpZQH7lcusa90rsD/he9UXvB4n7rcqNJ8qFfefQVbn6a8UvCHEar4bBhgnz/6TxpcadMvyzKtAltVPA6qVWcFo31ktTgfv5tc1FnptSNcAm4UYq5bUJLflZCdvrK6zMJK7ntUfP1ZAyiJ9Lve3kk5X5/T3jFM6XGnbnfDt7RqurI5t09ImluW6zW1yuinoJiejBUC0QCn3ganOGAUNeflei6omgCmUAWNASgLJ3vu3rxNePJ+ByI6hnLPNjxjzI3bpGUM6Z0wXbiLUGSUxayBxBcWY7Lb6VmfWfljpv1utC60YFXQl1NelX/KC0u5TytWcH2zLYDvO9TE7ueDp5j3O4yNenH3AxfiEx+M7jLolsvNgqjhQzMhWo21lRjlDJbGNOza6dZNt7eSj1dwlfU4Nls6fpyTXCaIJF/d0j04dnTTaUT3Ap73TFkl6S01FiRrZDlt2csY5F37q2bUYFe2FKCwYKIQQCBqIvY9ybd8WmhNnuamg3lN1AQK/Ey/3pyfHriPeT8dKyxHxqmsqyBAhCkMY0aAECSQSUziAenCe1R/VyFYvkDKw5ZakE4eyoZQrjMm1WHGwb0C4MjhUobmZV6tKt7IgCA082v3eF6ZPYizaSU/4zmrRq3bnwFBWvGChGrG1oXcNtMvrXdBt2QBttDUptVnKj0u7bNTpnriFudSrnVwPWwPu54Nu00rWV70PnA66rf3o5wLsW4FbPE5lJciud08TKL7I+FKD7twlwy4c+e+iFXBl4THQia+ZEVuEnrspKpF1pr5owy1t0yXpVnlpVadYDWkl3ir4+AWXBervi9CaUd8FXqn5n+vI4aZtnoKS3SO8NZ28jWjaJgZ6tZy1NNpyc13D1RO/7noGS43j6VpwswCsgsToj+3qolapJJctZtENBBgh3CKaEZkcbJL7yEsJ5DxS0haxHcKGsrklxAlJB6AgaXANiwsGdpzJu2ztkif5fbb5CRfpJZt8ySZdktTzPW/CBZO8QaVw4A1HPVJkD/EKk0xRZ5SivqZFDW/Y7ME3ogMiEa2apXs7S31V3L82UExJJXJWnnLOc15uv87Tzbu8vPwal9unPD/7CptwzmhniAWvwyDCEF0fKxxJljgaKBvEztjajk3ZMqYNwzSSbfBerjXXWdUQaX7ctg+ka90VrZad0AWq5fOmpDl1OGsU6VDggFGSU20xKELIEcwIITLqhkfbJ1yGZ7zQF9U3VwibgCZlThO5JA75QCYzjBtCiGzDzuevOA3GId65N3op0PbeKCMY5JJXNF8DprQCaqlxB9Ii4a0KEZ4jvtuduca93RGGyOb8wrVtE2ZJ7NMet2JkN6WpkeJE1sSt3nDMBx7NL7iWT/l2yUx2TbZrT3MKt0j15raSsM1F0SpTWc0xaxX0Wg3uU9a9BtQFo3jrMWvg1Q5WLf/UXSyFFq2PVIHFmsBG1y49Sru1Hl0V1mngmp2/rjVNt5YF3pbj39x9XVERqRXqZHkCqz7clPx6tWwtZblu7wR2l8dVsG85+ayOWV6ruN+7qN2/x7vvLaNwYhiq8612T8z5ieNLDboe2t4Wwd9rkZG9PFobJyJQfbHVZN2lWVsOXE9qe7udfx2o0A5+q0kZamTg/aQMW/3WJK9uTl6dd33sOqTewbB95yctv5z8rCX/5UnWx1Qpz9bfX81HrSZV1nO3Ok9vMl7/W4k5KCNCQWzAigd6DDZgbEG3yHBGkDNUtsThiISZlG4oJUH25udnesHAlm15xLacM5YdYxkZLbKxwEaUUbcUHUCPDBLY8xlGIdgWIXl3IDWsVh4ys2o9qhqC4YISuQsTYjVqmoyKEVphjxodK8MZl/E5T+wrvNh8wNPNezzZvuRsfMQuPGLQLSGPPkfB/ZtBS+01O5HygWO+5Sa94np+zZvrT7m+ec08HymWnQHoIt33PO1KG60QwKmf/NRCsdDYsnRLjOb6pxVe8V64Zlb9OYLmxddnGffjWiTa6HMpxhAiUSNjjOSS0SwkS+gQEQ0MsTZCsFoYJeg9pnj376atlLn50qu9QcT714rUog+6ULN4cYhQC3aHMaIhsN1sCXFgE3Z+/gyqwQPhzNfdimHJS1uWkBEio+x4HF6gRdnpE6Qoe46IlaUoTJViGsWvjL4rgXsRfHog1Prt1brdxYN1Os16Fdva2cIYV6MB7xqQloMWZWB9jpUbq2H5Sthv53qrr/XOvbqWe1/TbIDZGrRYTz+pCtDJvZ6Ou6biU4Vk+Z7d+c6JT/rHaOdtEu8YLfy79b8vamH+UoPu3FpOAVKqFKmrqVmV8+qkuNgngAV4uyZ7xx/Zvr18nxPtuYNL/cvqO84MT6XUJWCgHWuroCu5R8DtqDWgNyk05/JWwrorpbV0mNUj00xYd322lW3BCWm1e2834DdYqrRaugm5fUv7d70puPvqBDBR30MieEv70aXdPECJkDYEtgxcMo6XbMMjxuGCIZ6BulnzzZtPmfKRPE+oweVwxmCBbRrZlA3n5YKt7TgjsEPYKmg8Q3RkFzcc9cBke9RGPssfMZG9+LkZ2dzM7NG7ilmo1pCCyIzUlnxq0JoWRIEgykYiYhEpO8ZwyfnmHV6M3+S98ed4Hr/K4/Au2+GSqFu24RL12FxQYxgKaMZiouSJaX7N7XTN68MnfHz9Qz66/pAP3/wrPtv/kH14Q9LJA6hNKKWaXKuhpQW79yKYekL96xXtK9b8YW2hly7MlamK1C5VRi6zp2M0f3rypJ8khTKApkhkYMOmkouxG7ZswxZTN71e52vmMjObt7zZDtuaq+zsqJTSNdv203LNmxbVrDT9fVlKiJoaIYSq/VShz5qGC+OwwYBhOxKGyG53QQwDm/EcDIoUUsloiEvJ1Jy9eUguWCicD+qR/AOc6xM+SR9ynT/mON9Q1EHXWrCYLwStGekSa+LzrIUVV+BkrRbT+SkvWd77vNcVwlhby1PtEjsV8v2t03Pd5TFWlu5oa/NyKd7G0wsBvR19FvA+5S7dZG2Nt7mGa1W7bopV49N3x12ed++eu2B6+p2m2d79zudpu0tA61oFa1L5Fx9fatAt5p1J/bmrqFt9JLZmKCcQyQJ0bYJPJCg/vgc1sUirwGLy1dZJ6PSeToiJuphVFFoHQ9idoxc/6vp9V1XuEsxa6zwJFLCFeE79sCtiafdy4jeicYFTqeJES1rmp21S6fPRGk8sc77ow+03oRc5t4CYMNolg2y52L5DZMfOnhFlyxZ/fwg7og4EGSB4fdhbbpjniemwh1IYnI+juRAlEG1DwIOvXADz9CRRZRi2SAiM5YxYbrEcKCYky6SSyJpr6d0AFqCMLjCYui9VlVGHGkblWtVWAooyWBUYwjPONk95fP4Vno9f49nmq5zxlMgWDRERYS5HYPZgKGraE4k5XXGYrvns+odcH1/x6e2P+Gz/Iz7bf8RV/hEHXjGr+xETuQowqxznlZmwWy7WeZcNRPvrnYAScJ+kZYdsoUZttmjxVmIzd3opxc3rRD9P0OBFTrJAEcSjiRxcqua50U09ZgZb+XZ1AJYgwaW7VOjBNGuN18wWjbeW4Qwa6+f1uy1C3bwoiAQlVMINw0CIgWGIxOjBehi05JsxqwNBsWZd9qpGIlDcmjDqlo2dcxYfkTgiUwQLq6zduh/LKvK9lTusW6sVxFl4QdsxK23qHgYsLqZFA7Vufm1xPqxem/rQNH6ldFPvQhcrv23347Z2oItG0nnBSgNf7nEVH3Hvnu8rCmt/cAP2huxycu+Nx6/n6vMBfg24d8H6rlb7ecB98vaitQA1G0MqbyN/TtbK/fGlBt1UNT8Q1BaI7H0fKyWcku/pRLZIv/VoVVEaZKyDGXpR8Or77FrdSiPtYQltwdt56jlYgVLDtfsRy8Lii6lntaXx/dqfshYW7oLzuptHe4bFlHwK5qXOpQhepnGZkP5ajziVy6XmLzdTIE6QpRVuFZ/DVuBBSkHLwI7n7PQJX9n9AufxKS/Gb7KRLedcEhCCCZSEWYa4AY2kMyOXwv72DWmeON5ekeaZ43xNM1PE5qtSXLtSQTSwGc4YBmNTLhnLnnIMJBOmnMiaKMwe0EMEi2AbD1hCiWVgiJFt2BI1stGBIIGtjp5DnLYMcs5FfJ9H23d5+fh38mTzDk837yJTQGbFC0PAYd6774oZxH3a2Q7cpo+53r/iw8++zZv9x3x88z2u5k+5nj/lyBVzzQ0toTAZuJl+U7WoRfpWsV6veZEv10z6ND98LaBhhUJyy3VTnUUwy7WGufdobgJaLglqJLdqYAgDgQizIi2mKzsj1ehpP9sojJqRaU8xY9CIamQzbDqANtoOIbjWeseS045TVQfFlDBRxpqG1DTdEAIlF4pUrVcUjdFbQw4BDYFxMxJDYIhVg3MDDSKBUtyqFM19osmEXDK5uIC2DTtMChfDCxIJtRGz4OUi2y4pDrotcdukuTMM8LzuNQdqgr3ZyVY90UYX0DoFyq7kNkWM5ffGo1rfbPD4haXs7fpcpYJuubMmjY4WPudUtAIkaa4ad8CcxoY0jfl0ne+apltMDZ3fnKip/KbGHQ23v30HeNvnaw2476smyXTFqVbL0+W4Uu6d7q3jSw26DVTdrBS66lV5B2Asjdhxycl/qT8VBFaE6p+voyEXOF3RMe1MpQKKsKyJNXMOK0JntYHqfa5aW/eN1p1Bq2vUW+8/q5t7y6TY6rhFs/GjVz5ledv3ZX2abrI82fXFJfNe7g7rIN2G1jdUPaG8+RWVQEDZhedshkve3fws5/qC98ffzZbHPOZ9hjKwLSNSMpIzVg5YnrBRIbT6qcJWd+Q4cBuFucxcG7SmckEiGreIDhAGTDYUFNHifVSDm/qKeKhLKp6Ab8kZbZAto1ywk8ds9IxN2HExXrIZtpxvLxnCyCCjG8glerGOeWQM5zzefoXt+IRH+hViGjjmUP2+MykncsncHF6T8kTWI0US8+GKY97z2c0PuNlf8cnrDzmkN9zMH3PkimO4JrEnyUSSTLZClqHygUYvrRasnVJOX39ZAW9/q9PGwrRrfW6hFv4QsNpefpUD24TSbAkhdQaNgJVCzslBN3vAI2aU4L5vDS6gbUZP+wk2IGgvHRrCUvN47cN9G8OMMXZrlSAuLJqcBl7JSjCt5w8xuOWh9r5GwHQp5dfTBM3QCryWs0cQSa4lWI0hBLINnI3nHDhHQwRRN50XBzctiuQA2YPFSqjzpTNgtbXlcuXWbehk71llDfdA1vlM24/W84Xrd0942wIYvS1lnUsHm3WEcg2eYtF2T0HqDu9ohccrz2nBSr3kqS/aQoM0uW055+J/Xg5o89K7J62EkLeNt/tlF9Xnrnbt8yH99e7vi3WlzrVojWBebqQJHG8rzPG28aUGXVmZxxqALWkQVZKSpZD/IgLSj6n6ZT9fB0d/o/Om9Sur19rjogYGLPe2VO+kn7NU6ajbZleaSGco0vzUiya61nDbe+tZuD+sC2dtU9bt4Fe8C6R3v90uUJyJnWCxgZmQs/W+wyLQZB6gF0wWUbzSk19PLRCIPBqfcT484yuXP8N5eMl78nOM5ZLd8TnRhCEBaabMh1rYAo9gjFazjhR0SxZjiJFjdnNrskICz+3VLcQB4tilchOjaAtBDJTqY865kHtxC3XQ1UvOwnMu9Cnn+oQnwwvOtpc8On/KGLdENghKJLgGEyKb4YLnl18hyDmRJ6R04DDdEDeFECf25YYpHfhs/yHHdEuOezIT1+lT9tM1P/jsO+yPN7y5/owse3K4xuIBiwdy7QU70UrvBzygq61l01gr+Nq6i1aT1qXGBFQaWa2p75emxS6gKrU6mmcGZ9dgzKO1vThHJltyprzyBeecacHUnlZklMkIpozbkSiBsTaPl+w0UpIhKt5U/g4tNhBt7zUtN0avV00pC99XCEG9gb3qnXx4r7wW44CEUEG3ArOWZUuIp0pJqSbO2QttWM5eotN8pqMGBgZ2dsbOdmjwSmVzKd6esQhSQdeqyd1tPokiCTDUomvCVYD1RIhFO2x7d9E0S4/taOvXCvn33r8d1eppKk+Run389NWQvrrWotWutNzeXGXVGIQ1v1t/3/dX6QU3TkGwa922EvROPm/33gRHWfGu9hhvB7e3+WjX44R/3wHfnxS41++kAa5LvP25uXPsjxtfatD10oVV2u/8ZZlEbW+398xFp5OKOzQz8bKWdTkcMm39zppAW/g/XXNt4Nppff2eLAUGtJ53DbjWzNy2ZorSwbbcZZa2vlk5kQ6XkltyCrzNZPVWoF5rEf03WiZUJ68avJaT31fQCAg5+fEilfi1RpGH2jNXhEve5Uwe882z38Pl+IJ3h59hw2POpnNCGgkHZ3KWzFNTrPljAyGChNKLwltN7RgJQGSUjRd0DxDiwDBsvYpRHFBPRMKGgkRBSo2UNfXf50gQY7CRnV7yLH7A0+ED3t39Dh5v3uFy84LdcMEQtmy4JJaRqFvPK63aRwqFUTecySNKjqTjzP54zfX+M8LuQNhMHPIbpnzLR7e/zs30htfHD5nKnj1XzOXIm8NrUkkch8m1qVjIuD+t11iqHWG8ZGXs6ya15rNKbchO6b7JTr92R2tZMQ2nserLNVtiFmqsxAKpbmIOFLxVXCvGkfC7zV6gIuIccvbVKsUoaWIuhh0LmejRw6q1MEajWRyw18xOpDPotQbbgBcgBrcNi4lrodEFjJByV4+k5vTGMDjd1ijmVuJUGzsUIBhIRisIuXAgaA7eWCW7+bWIobYAQyYxW2IqyYuVmKJZkRzRqumKFIQMWvv31uuu97c/68rE3MSZlTbqvEI66Lqmy6JbmPVCKM5vFouc7+nSo4jbNTsdWDMRr1WHhS8s4NvWaI2FdvLZwlcWIaFpw2vttgvx/b2qWLFWSpZHujvuRkPfNVeftums7y0Tf3Kee+emzd9au5Vu3dTK37/I+PKDbl17KVWPa1rkSpFbiMa6RroAb5NsFxiGyqCglm+7M5sNTOn7uebXSa0V2+Qyp+6W/96OLawNxxUwG9tZaJAmOXqq2n3JbQHeu/fY765r7+2wZbN8nrTYvn/3vfpurblachUcakODvJZs614XEaRpywhbHnMp7/Jy/CaPt+/wWN9lKGcMeURSQOcKuqX5lGqNZlU0FEJoG8o3UAEvji+BKENt7wghDO5brD+C52iW4LtDrFpGTKFqIYIxamQnF1zKM57F93hv+02ebN/j8fYdgmxQBoKdoWVg0C3aQEcLsxwZZGCULXMx5ikxHQ7c3l4T2KM2cSivmMsNb44/5OrwKR9e/TrHfMtRb8lkJibP+g2eMxuCkQteFhLviiShlsqygJlWIcpBV8QQLTT/+d0Eh3ug2wTL+nnvUEV35dKXVJbuOlAqSNWa5OLaULHsP1KaIk5LZGzar+WMzuqRvR7RRNAlA6AF0twNmIJFk2k/J9qv1nzTqtFpAAul+oMrhooHcnlAV21rxwK6rZczUJFJvS+2li7bosWDw5hdi6fFkDiS5OoLTe7QQIowlJpKVsHG5UYPQLu7qx2Qas5pTwOkr1X3yVs7duVjbUuzAuDWxxmrecoiaFvgYk5Kd0Bqrek27tloYeEhyzj9c+E9K66xer5mfra+1nceviqRC8iutc8Td+HnjLtCRKObUufCura63NupH/f+07TzrnfU8upWJtWfcGN1fKlB1wOafFOras+dtVqGccGkCkD1by+a7b4fMQUiy3Q24haP2LSF0bdrIlLbVMlSSrGXVGz3Ro0spWoe9V6aJgEeKAT0gCy5G73cxttkOzml7c+ZnzUxvdX8cYLXa233VLPuUmMJtNaAGExTqjO3XKOIu76GQZAohBiJYeCpfY3n8k2ept/B+eEJIW8RC8SSUCCMLQUkk20m2YQMIFEZ4s6ZZgbMSLMzBRWPUN0ME6VkUs6EoTAMExoSIRx8XhEsBnIAJihzId0W8gRD2bAZznnv8gVPN+/y9fN/m6fh67wcfo6dXrDLZ93SIESEgARzBhxnRDIDB6QcOB5uXCDRwmZ75FEUrqY9V29e88n1b3B9/ISPj7/OPr3i1fG7TOyZ40QRIwcFCRgDZEFS65A0kDIUS90HGVQRAmS337oCnNHgaU8FqwXaw4qpLhrMXU2XztCrz54CtSG44Gk0tcgqbpaskCGFXBK3xxuuwhWfvv4UGXc83wG1qmeLehV1Wsw5Y7O7foJmdBgAqc3LqwYmS1/lRn8NbD24atlvpTjAUQokTx8KEogaCBKY50SaEzmXJR4hl17lKujgdJS1C8f1qoh5pEAMEdUMc6K2L0AobEcHU5lcM65GeJDa8KAIVoKbkKtGnERBXbgyhZAV1GtJN0uXtVzf9QZvuTMsINv2oVWlo2mLvWiYta/WoCZqDYOqCa/rLt/txW3VVnIf5RaesBTYWXE4W6yH9xlUSw1arrdYOVyYWDJzViBXeeM6zfEnjfv87xQwbeWuaELcW/27nPJ9P7YB7SKQvN2CeH98+UG3LYRVWVlcv2vVXhDrmNWmpCpe3t/VmlRVpep6XLGWBnPvonUBWgk+OnE0qcz676uLVml/rTV2srQV2EqDsAby7TmX7y6MqJ1p/Xoq6cnaNtzmrEok/T6XT5uiupyvSp6tbyzl9BmslgLTel5n9gKWCRqw4E+jqmztknN5xrY8ZpMeweTMW7R4sJEKSKHIjFWtSaPCoKAREReOrGoaRg1qkUBU7W3GgxoxFDQUNIALVUpR9Y1WMiVlLHm+6Sg7dmHDk80Lnm3f5Z2zD3jEuzyS54wMDGVgrrmDjQ24xcSvh2ZnyFbIc669fgshFMYg2JSZ5iNXN695vf+Eq/QZB3vNPl+RODLr7D2ILWJUf2YJS6OgrOSsngtZyz9qrKyqVYihCgGSsSrkWdUMmqBXqurTmkS0GuE9NtSqGbnb/8xNoabdW9tF0w4ADtBznpjSgdvjNRd68M9rZ6ImyjZtHMuUIuSUMYWs1Ufc9kjV8Dzlq1lrGhg1zcUBMrSOScE1e1NvfhFCcFrOjcG70EIFXqzUloKVPhG0tTSqQ2XR+tvezmLuKsJNzhpqs3upiVUVrBqOlLavqhYtsKo9XHmINE371B20RJlbtzhUCOhzsezXky3b/15YxAoQTgTtFZBTLSTWPPP1wJUlrVmTlnfWAV9VMJXKe6ALfO2++j3X18YX13DVrtAhr4Fa4/enHOrtY1HLV5IHS+nJtVm9vrZ60O15VhbtCrzLqeXuPX0BDbyNLzXoxrBhCC08rvkf2qI0orFu3myyiFAlKqhibeqf9+V0nuMS4gpFrUUh1Eo3aJMGF5DVlr9bF6GZqq1UH4q2oh2RZu6t4Vj1yRp1NN9aDWC4s5s6cTeJthZ2oD1pkb6BXWqvc9BMTjTBYQm56c/fd3nbTH4RaUJK8yVl95kp6gUUsms0BEGKl0mLGhh04NH4iKfhGdu0ZSAyz0ff5kP1Q3bwqL4wPEJYi7IJI1E9X7P0iMoKGkEYdiMhF+ashKCE6NqQBsUIGEoYJwiJafqY4/5DxjTxmC3fePqLPNo95ZtP/22eDM95f/sNNmlkm7aUbFjOS8/X4NaVbMm1prl48M94RkmZKR2qtg6yUcJO0I3nJV/LLZ/Mn/FR+pSDXZN3SpGRqQpAMosTXd7jRUUimGK1BrWUAUPIWmFSZtIwIWJsVN0zWtycms0L7WdpjeXcepAtL7RVE4usGorNFCgoCbVEsCPkwa8tgkhAZETEj0ENxhkriYmJa4wf3P5/QIx3L36ejT1iw1NUE4MmRF+D3GLmQU5pfgSiaA0o30RnfNG8eUap+85kiVydJyOH0gW5IEpUI8dAkcxUSk11EmSItT61z2sx10JzmXwLDYlogUhBLGBlCwJZiuNhEK8uVX2f4JHPgneOMjPKkJjKgat8xfX8hpwOmEyEFgkthRQnjmEilNG/J2eIRDRNGAVNg++nEqr26XXGqbnRyOKXxgYgdgdi4ehAWTXc0kFt2c/WmrR00Oi5F53j+XeqpiurymxrYZ56O1JjJV09qUKL05I2838H7OZkrjdTQLIiRWq3oLvKQ2PFsqBd639R2aJafc7Vd3peSjOR1wnoYktxq6XLmYug0OdFvJQqfZ7WPNC6oKSh5X+DtJiidtyPlQKW8aUGXa82ExBxE1uXmKxJ702SbdNbv7fIUECV2vtnFYdt/bMUs5C1mEOb8DVBL9p3G1Y1yHXw09q3aq1i0xp2pTFWv98fZxnuz3kiwS6/LxGuq2c6Oahtn5XkLOvPXWR3jaksaSp1EzVJWMw3kpbo7dpScCFlDGgeiIyMNdVG12kSTbKu0kBbHcXNhKFmzwapHVL6ZFTwELqZS01RDajG7vMzcdAtMuN5kROWJjYaGWXg6e4lj3YveDJ8wGV8wpk8JQpEg2yeolNXvwVmkytD6vU+rOWLuu8oZyPEqhGrEKL2es4zmWOtflVUSDU4TV29QXIN3GktBQ2PbjVdzIbF+xpnyQgOsGJaS4cLJVczvzaiEO85bcs860prAU/FahTpTQ2KX7MGb3V7WiV410ZrmlAoZNlzm15xm15zKNeIbRm1+VFbSl+tlWXm1gYySbM7XVVryg9L4Yh6g1ZlTjdzQ85Of1orbrW2kV17abujgYDWnyKUkqoZVWq+bPJnaGZ4lvVeHLF1p6pDbvNLFkveMSsl5uTlOV1waM+rixYvPsdIzdkuuibj/pBNyHelzFaC8yLwtkbD1p91ff/LaddyvJ9vJVh3YK3r326kyfeynOsuorR7s8Vex1vHXbX7Lh884WD1VptZuQLvmucuAUzLM6+ft1lpuoZd19UtFuvc3zo1ssQF6R1evualTZNVsd5YrrUrrSXz+YIu3S876C7A1U28lWhcYXLq0baI9Qfziix0CXqRcGy10QFqnEiVCWXVLKCeczXTbwszbxqmVcZg1oJGhNOSi3dXzPo5l9dGaIAsqQTSBEpHztX3F8JbleFaPVwF2WaOrOcrZXVMC76pfp7OPapf15IzoVE3jHHL+eUjLCtkZT4W9tfGpjyBcomO52jc9PXQ1mi7Rso2oUbqPHvLOiVoqAUUtLbha4FCixlVQwBVglSf3xCJIXo7uBqpejXv2R9m8lEIZeTrz36GYbPlvXd+F9voubUb21KOm+pvSs4gowfgYYZVkAvB6SHXoK801SLtqZDmmcNhj06GHgwd4SLsePHoCcQbrj77HmkK7MueZJm5Fu2PRE8zGZb5LUnJSQk14jq3nNl5hlDQLWgQAsEx8ggkwebowoZGpJZflHIAmz0/VIpr4MFpyUEuIWRUHHBTSbRYfw1ep9hqL1gJ0jUEAQZVsJnP9t8hEvjum3/K8/gtNuOGIeyQuKWkMzcrZ9fw9sdrbw6RDwwhMnCGhUgYRhfWar6ql+j0V81uncmT79dNVIIK2+2IqDBE9Vra8+ym9wxDMWKIhFJIBvs0k0siHQslB8aa5qMxg0CpNbYFj5BOll2QE2WzcZ/+dDuRSub66pbXxxtuPp45HIXx8ASNA5tx8D2qQp6EdPTKWIkZ2WY0ZHL2OtqWvfF9rsK9W3JKN+F3pc/AyyKW1R5uzOf01w6wTWFb8ZLOXaq2WNbA+Dng+TYgWp2pv0rnw+29djddbOhv9SA54eSynYdKi51ZZD5EuhLhje7blRb3wwL0dybETnlqb1/a/bLt/eU+2jy5HxdCawqjK9dmnaAviLlfbtC9g6SnH60WVu4cupgWqj58R/xpmqB0TbNJZE06ejshr8GznXvBvSV9SNbcivW57r6eAjqsk+ZXMmh7b03j/WYXybY/wclULRaBvjU6SFfbgbn25D1j69+1ug5Z8eCiETXPb3Wzeazm3sLAY2K5RMsGsdCfsZfR1JMbrZvOfXWeliPrvVqfeZHs+8RCLzWo6iAhISDqGrd4/hFj2LKLFwxbZdyc8Wh8xqCXjGVHsBErtXSgi7++elYD8AR6pyms9RyoLQeLS8KClxpszsRUTYW1Y4pbC3KVlErVZhZ6cU22zjfRm8AHtxCkWhlqkn1l2IvWpubVtLTmKXtXpBFvTVeY2ZNtItuEkdFawrFZAMS8y5LXSHZiWoQxat9VW1wnnTzd7EYxUtpzKG+4mn/ITi44xk+JPGGQKgQweiS0JQoTRvJpkYFSRopCLvFEmD2h1m4+deBJRbCg5KFpjXUCc/1JpQdNhuI+VykZcsayC2ydR69MQI3ZrnWwzjcqIZoVSiqUBIPt2MkFj8cXlHhB2ex69PbRMsc5MZUjqZm2reb9Vi3b13/tGFvcJ+vN6W34moS98KgOrsZqXdr9ynLfq13UfOgnmvRb+dpqftopPm80JaH9tLlafdxLT1L99RXUlmC5u/ewENwpm7tz8tVUsfqmveWPtYJ0arw8vX67TgNZGtA2Pr42L35B1P1yg+4piUKXy33IepJXP6EeofimK/WDpiRqJXArNf+Kxn6oEZi0GAgaeJ/elnRz2IJilWSkvVaN7p55ut18+7sdcxpIUrdLJ+zuy2n7sUnIVaLo92LNx13PJbjWuOKknk7j55Jco1qzuE86eZ9byf4a8ohKJKQLRi45yx+wHS853zzFUqAkJehIYGDIzyFtavcXiDEg4vV6scrUWVJBVEJvewbu4/Oi+14KMmWrmqbPhFStOA6RzWbr/pfgGaUFYRx3EOC9J99iSrdstyPjsOXJ5usoW+x44fOV3b+cVXvqi1pZtF1rtCaMofoek2fSxmAMKmyHgUwmS2J/PHB99RmvP/6IV7c/ZJpek+0GCRMhGBIjZkKe3TQ9T4ZkgTlyPj7mYvOMR2eP2W3OyLWq1WeHTzmkPW/2n1BKIokS44bHFy/Y6iWPwjsMesZGzpnLRCozt9M1Uz6SuCEzsZ8+IdmBffqEYjPGAQuFMhZkiMjoJQ2xQDKgFGJw/6sFFjeM4DWPC0y84coK39vPTPlHYLc81d/BY/kWG33EIE8ocoPZETbXkGdyvkXKwJwDhQ2mgSDmhUea0FPM22dWGs5pxkomW0YVShpQFfe1FZBUYM7YcUara6LMM6SEHo6QMsVGz15o7pLmO0S69ad0wGomYSOVzDRNzNNMmYyYB7568TPM8gHf3HwdGRPhwgP9MjNvrt7w6vUrPr75Hq8PP+Km7JnyDHoEnTEdQLxsqpOSdO7mAl9rhwmtnWQfKysdSI/6avi4COkrpsLy2Rpw+1HNRL/WGH8CrvSoXlkCxpbLujnYanqSNuGiZoZ4AJthtvSovm81vHvl5f3O/ddm5R8zetOMsI5WXuZxAVQ/vxC6NqyhzTHLHC3h1j/x2vD/B6DbprxJbCcoWwm1Edaa+NZEIdI+l5UY1V3zi8RW/15e3zLJtvqkaoicfB/uA+0pYb2Nzu5quosesr4TO/3OSipfm6BbvFJLjbCO0M3wHTojascG9ejlqBukBDcTWyQOWwKRKOds4jkbe8TOLjnjCRpHJAxQgqcGMfZAn9OoRp+0UopXE7JVJGs9ppWVK6WQSy3A3kzfddJa2H8IkRBjNQPVovX1WDHYxh2DBrZxwxA2jOwQGzEGnw0t7u+s0bd+7nCaZ9m5UF2PUMtdSkEKnqtZjhzygTeHV3x6+IQ3x9dcH6+YmSjSyl2IM/6ayxkkstuOjHLGVp7wePcOj3bvcLm9ZDtsmaaJlGfi9Zb9dIPNXv940MDZeMaLy/c5C5c8ji8ZZcco56Qykyxxe7xlykcO+Q2pHLjWyJxviRRSOXDMRiqJaT66ZSDWnGCWtCNEllSWrhlWLV0FHQTTmSOvuS0f8SZ9l6jnBH2EScRkQEJNO3KpzgUMa4VYXKBCi/vgOiN3U600wZGAZchzouTC8eAFNWJwi0TMYClh01zXTylToqRESTOWC4HRk2gag6/JyQ2/rAYmGtKXO5eC5ZZS420LjQ3Pzp6Q9Iy82SJDQTfury6W2G7fsJkvsOxBZ4krcjmQxONRpBXBaP5cNXpaHkAXnCu/a3zujma2bP41b5Llme693x70FLjfCtJ3fn1LXkdXKvxcP8bcKg7SrWpVK1zx9lE53YrtVhLoFpi7x59AYDVHt+CpxhN7wJc0sF6A9x4f7s/WdPM7V2r8Ve7fzdvGlxp0W+ylax814g6fMq8S08U9gCotSt3MjXioqQk1kKCm5pzIUY3JrAm2o/i6ZF3/7Z5bAdZS248D3n7AyefeTYUOMsu+WMwr7ZbaXlp08AUgWpAGNeipk5ngTJOAMqAWUR28jnGr3BOEbXrKYFvOhsdE3XC+uXRN13aQA0yRXbrkMj/lbHPJ2eaS4yGRk7GzS0IO3ibNGphJB7PWrjBILW+oiwafi0ul0zyTc2aeZ3Kp6TkivTD+MIwM48h2u61rYqQ0kfNEyYlSMpfjE1RgF3YEHRnSJRApMmLBsJhq3YyZBooqcSEUq7Nt0IL4hlEwyRQRpilxmA+8mT7l48PH/OtX/5wfvPkOP9r/S67Sx8zba3KY3B9lAnmEMqDzlovtI957/hVeXL7PV1/8Dt65/IB3Lj9gYCBY4M3rKw6HPd//7Ltc7a/4DfuXpDSzGzc8On/Ez37lZzkfLng6PCfYhsG2va/u/nhkShOvbj/mMN/y2c13OM7XXE/f5Thf8enVd7lN13x0+JiSFKuNCFQjpgZSatGTHnLjPmEcjKIqm/MRtcx1+pBSDky3r7gJt9yEI8+3ictobMZM1IxG1zw5DpAhTUKJRtHZWyYOnnYWoleSkrZ3AUsRy4nrN0fSnHjzxhtexODtFneikBIyTSheSGWaMnPK5Oz64ubsjEGUqEoMShi07xvnBy1NzgPaihnzNJPnTM6eG3y5PUNUeLF5gqlRQo3q1pbmVDjEa/Znb/j18SnfH55Qro/kKVF0JssRibU9QsmIGbk1iK++XmMJHMJyr7Dm+3bAVqrXIrBXLrFWVtcsxuiAd8p27sekrFnIyXs0HtMsAYsAo62lYv/KyucqNXBQF8A9fV00VjPpwXKLz7bm+C7q1p07u3PPNXpUcFeVW9HWwsXng+XpfNLntTRrQ9NX4N5cft74UoNui6Strbuha7tVvfOD7n6JRVVsYFRfmqTZxCiWjxuAvW1a+354CwEvkuPd3xuBL8dBVzhXEuNyFyKtTdlS02ptPhKkZQH1O17ksuXurbitpOXRL/lpnqYSLBIYnWnrhoGRMIwEi1yEd9lwzuPdOwxxw3bYOVCX0Qu6j4ExbNnGcza6Y2NbBslkKQy192spXjCwF6tf+QEW4q2br1itUFQnwwpWcm903eYvBq2gGxlqupD35cyk+cg8HzyApyRiCARVhmr2Dqu18frM5iBTe9ZSXNvzSHlZ7rEFu+DmyExmKgf26YY3hzd8vP+I7958hw8P3+ej8kOuwhUHOZJDqiA2+HyXM0Y958nTD3h68ZxvfvA7eXr+gvcefY0nu+c82T7HjmCTMSfDZuWSp8SwIT8u5JLZDiNnm3OexJdsZcvWzgi45owETBUdRjaaEVOmYY9aYUrXjME4hCvsWIjyhus5M1thSsb27Izd2QVoxrSQuKLYEcHrBjuDrUxWFRP10ohRSXliX15zXX6I2gU6nTGXxKMwMqIMdkQxgp25pSFHiihYRooy59QDGEOIPV1HhdrqMTDECFYItcbyPB0x/xgtGS2zp+ipksuRKc3kmg+t4j54dypXIFutb2kWlVwjuQvklHv/XgkO1qLUKG4hW/BAwqKdYwjuQnm2fZdkM6/sYywKH03Zu2PFA5Cr+8L9/A30heCtJvGiMdosDKv6jtIAVpqP9B6HWu3/E1i6owicfmvNq/yNRRNs27ED7d1Lrq66vo5IjVVQ6QCMebBpq7rX3PKtjvMJX125yxY23dxkK2HgBFBbfngTRFrg4N3jTrXnrrJUVLWunC2BbH2OZD0/P358qUFXWgUTivtna+DDujdlBy9W5NMB11Xa5mPwqOWmObfv1ehNwET63wtJnRJBv6yrjneAdQ3Ep+8v32sLuTJ5AyLN72G1hVSuJpGVRmwrzbZq9f5Xq5rlx5h4VSmpz6RV3RcG1AaEkdF2DOw4k0ds4zln4ZJRdjznd3AmT3j3ydfYxA1BGiV6cYFgwdNakvtqxMTrB0tBizeFzyEjUTxadyVlaDXvFbMeW1WKNw5v6RqWE1YSpcyUXIhDJKgwDh6pvN2OhBiIQSipkOeJ4+Ga/fEG8OpZQ7xkE0a2svN6uy39ooJt1kyJGYmG5eAaRxkRi0StVYvMmwOkKmtnzUxl4mp+w9XhFR9d/YB/dfUv+LXX/4yP+T6v+Rgb96ATRT1gaatblC1DesrjzTv8wtf+n7z/4mv8nt/5ezmPlzyKz9gwsrWR63nPYT5yvCnYTeR5CeSY+OC9b9So3UiUgZ2ceW508jn0ijkbhIFdjFhULsdn5JJ4ND7hON/y6vYJh+maXX7CZ/tPuDkot7Ynz9c82rzk3Xfeg5gwTXz8+tvcHl+BTMBSC3lQ74dXxAUTojHNEzn/iJyVm3zFbbrlPPyAd+M7nI87LsrAUEYGdojtsLQFCjkfaC4P1UzKhc1m43nXKgSpXcWKkDcbggrzcWAumcPt3nsNh0KkMGp2K0WMzHbFYTqQZAM6opIJYpBnLIPUIiqN7ppGm5L1Ihu1tLWXGdXAOAitSEoxI6VQ/eAbT3PTwJYzklzChfDo4jlpNM72L7j9fiIdPwI+o8iE0Bq2J7f8FBcmRIPXIzdAvWAJ1BuRWAXmNUjQeVJneSvf7V3f5ynwNlPr8v5y7AK2uuJfb8va6MFRnUMuKTnWzOkdUFfFPpYzrNqYtqu3HubSef3iWnSB+VROOI33aT/FSvcjr6/XzlO6Fr5cz82qLcANWvbI4vv94uPLDbqloOXEq+vvV39sT02BO4vBqoanLBLTXeX4ROwRD7KpaS6LOrp4Vp0YuEeMqzuup/oioLt8p4NwIz5pT7UQUqtq1YKzBKElg/fzVInMWsTIEh0AqANuGdC0YcM5Gy651Gec62MeDc/YhXOelK+wlUfs0iOiDQ5C1Io+OEOUWta2vZeDp9OUZiqrmyZnL0eowe9N67mkSr85O9PzAhwZFZiOh17Dt3XSCQJDUIYY2I4DhlHSzHS45eb6hpQOkBPbzeg9cYcNUQf3pVKZphQKs+ew6qowQRVvG7NpNDRnTzuZ7IbMzKRXHPINn9x+yOubT/nB1Xf44f57fJp/xM3wminukTAjalipzRbyjk18xNdf/jwvLt/n5z74v/Hs4gWPeM5Y61FbEVIxOAh6DJ7SVP2bRXJdOi9OECwylC2CESx5+lGrASxa190ZSREP0tqEnc/rcEtIkSE+4ipNHOKBy80tX33va3zjW1/nWG6Yyi1mB8KVMVvxIhDBhSEPTgk1KMgwUWeuQ2bmAOVTJH+XY94zHo7M5RLKc7ZFGJMylNrIoeBrC5RQ1yAn0uxarqmnCHnTkJY+RvXlKzEErGTmfGS2ib0diEmIs3DIM3PIaG3rZ0yUEpiPkHNEhlS11WpKzl6rpNR6465kLvuoCcHOQGoJx6JdBVtrk1EjOz0HLbzYfRV05LOLV2z0Ea/Tv2S2G7IUzCbMDhWAtNKhLQysWhS6EF6Zfhe+G+s6YWhVRai3esoLFx51GnTVDrLlV1jxqy+m1Z0oO10BWjTaZVQ+1ixc1spRej60c/Jm2VoA0+rctPQqqw8pVfPtwWJtAVkyD05ucn3Psnqt/Hg9k4slzr/chJBucv4J48sNumaIZU4rUNXPqBH7LEDWCKApuv3oDrLtTVnbLvpnHexWgEvfgEuQ033ttt2Rv65Bt9+vnL7CkrR98sz9gAV0+3Xrv16ztqnvnTiqlq3B4TC4r0zDgBAQG9A0IHnLTh5xJk94oi95FJ/zfHyPs/iIx/mrDHZGmDforAyD+0dCkJ4qE2rieHttvtRDMVJpPqsFdKPWKObWR9X5KWbFTcQ5eaUrK0yHPTklMM97DrgPbwzKOER2m4F5ntlPM4fbG67efOZNANQ4GzfstjuibPC6xc7IXVmvDdqlahLi/VCbpO0CRStiYkzpyJwn9sVLOd7qK27mN/zg5rt8evUR33n9r/h+/i4f5+8zbW9J26PPjQhMoRbAP2ejT/mZD34P7z/9Or/wzd/PTs84K+fYbNjkPX7nlLFbB91t2REkMMjgAV9xIVcpAc0j3iXYtcRF+Ky7QaJbJ4C4iWTLnA3nzOnITh6x23zCbS7M45Hp7MjPfu1n+fmf+3neHD7ievqMw+EzyDM3aSbZHsKMCB6BLgGTsVLlQAl4H+FyS85HjscZTR8Rw8Rxdp9zLgPns6IWGAIeOZ6Sizx5qcQ0M3nFs9BA15l3C2gK6qlDwxBIM+ynAynfMucrICGSEY3oENmOGzQOFI6ezbX3mtaFybMZzOtyGQGT2tG+ie4iPZ3JxLUxddOOs4wSqqDWImrxKFngLFwwxJGXZ4nN+JSr6wM7fcb02RtIgSyTG5aLx6d4ycWyMPMaGKhhBbrtnu5oFQ1g24/iAkRjgE1wuGteXgT7+5qwrCpb9dd7isXnjBPdw/o+X8YSDOuAu7w2s7NruiseuVTX6evhG2HRRhdcaIALDXg7qPbr3+fDfVrr360mdbv33oZR72rqnz++1KAbihGK4Kr+IiVBnSdtxLHMoONPpb4utLUZrZKs0QsjeiWTViqvMa/FzNxr13wOyN4NnloT6f3XehP9ZtZPWyUqdb+up9csgNuOaVqNNv8vTeJzr6SbQ1rR/Aq64tHFWiKhjMRyxpldcslTHvGCx+UFF/NzdvmSwTxaWatmbdm6rOIBO4Vcq/IExcFYAxIiA154qOQmgdJNUIvWQPfl9h7CopAmSkmUeSKnRMoJEWEcFCWwGQIqxnS45bA/8ObqDfPxSFRhO+4Yh4GtnBHKgFnwxIvOYdxIXHCNPKdav1jc14dBsUyylkpiTPmGZJM3mS83fHT8Hq8Pn/Abr36Nz24+5vvHb3Olr8jhFrFESIYWp50h74jseLZ9n+dn7/P15z/DOxfvMaYNkYBmbx1nObsrwaQ3j48BGBTRiAVDt77hUzIo4qUkUWDwTjqhgA5VO2pg0ZiGU/UQNiiBszFTUN5/fMB2GR4ZL7fvsJkuiNMV4TBSbiHdlp5rGYbo6V8hgkTQ6PvCvCrTQMRw03SxIwlj1olZEqlEconMafJgtZy9faNOBINYNV2p9QJLKV772FrhUgcoW3nZBI+uTpK4KXte7z/hON9wnG94/uwdHj96zOVFYDeOpNs983FCbUBDJKghIRDCSFSBUHOLa0UzF4SrpQZ386Tqi21Wk8ISxW5SEBJFPDfYrKBmXMZLQhj5+tOf49H2OfvpE94cLvjwxmlFVZp8hHfbSrU5Q6yWhaotSqE6lLtAvcSXsCgOjkPddNw0tDt6KKemvYWvdKG+xYsItKziBZC189pubRNZqjydXMPvpazvtfEAVt2u+mv1VVdNd+GlfA7wNqHBhZblnus9aXP7nfLYuzOx3FG9r/batGZbzYmpR91/gfGlBt3aIr3jU6MzH7bkLddXl2RkKWNaP+6l1eqo5NsLH9D1Zn/tptv1F7gPomvfyU8G3DXwnp63E5Qtxyl6otmvZ8XvzIMv/HulzUglPF3AtpapE1zbiDawYcuOM855xAWPubCnnKUnbLkgyogSmtB/AroNkFp6R8FzoIcYCTEwqLPKkr1WrAeo0J9t8an453nVfNxqIYiSZkqaSfPsc1HNqWPwpurz4cDh9oabqzcADCrshg1n4xmqI1Iiqbg2k3BgtWpeNjK5ZOaUKk153WvF01hau0EvNHEgMTHJNXu74tP9h3y6/yHfe/OveH34lB/N3yUNEzZMiEFMeNedokS2jHrO4/Ednu3e4/3HX+fJ7jlDHr2Afyo1J9W1JwcUl7A11PYNMUAA3TqTF63FHgo0G4+p1Uhabc5dViJOFxmjDgQCZQCRyDsUwrkwPI2cbbbEeUeYNsgUKQch7Q1GkOBlOkXdSiESINSSmyUQiQyMZG4psifNMznPZJ3IUsgWyBZdgCpHApNXgAvFzeE5+313E2FpgcR0iq6+9bYXWvBSksw+H/js+Iqr/Suubj9jeLLhfHNOvFDGTeT69kCajVA2BI2UGAhxIMhQqw+5j7oQvYgGi3XKjJqyVuupm7tsSq1URq297KFgGbHkzeyLsItnDHpGuhTON0/50avfQIry0evfQMoeHdSbgCjk4mlcooEYAtrS2VrERt3DjWE032jTWjvIWtPK3sbTGo9pzLLO7RqQKuh2HmVL3eZ7rrQTYFwHWdmKP6+O69dvx5QTTRdqW0vas93lew08q5Cx1tJX1+kBfyK9Hn8719s0/GpHoNfOryVMF1M1i7l+RYM/aXypQbeWhK/y2bp6TpXoStWctDL3Xr7Lj1XVCp6V+GxVDKPSXxAn5CItWWHJn2vXcolnqagCP97U0KXAO1V3moZ814dQPz2R8hahavkcqAAq9fhQN4suVGUtnH8pCiDiZQSjjIy6ZRfO2eZzxrwjzBukDIiNYANpnN2kGB1YtQJ47v7hFs0qHslazXTBlIgHwgxSO8DE6r/Ji++mdJNyIefSpVNLMzYfmQ570jyRzZzRl4ylmduba3LJHA4HpnmCktDaAk4ypIOn9kAhiVJEmGvglNXoGJFcp8kjlT2orJVGnDG83WDKideHTzmkW36w/zZvps/4l6/+37xJn/KD6de55Zrb3StiULYxIEmQSWpqUORieMxZeMI3nv0sLx9/ha3tCLOSbSJI7REbvE9vzuZAmlzAzJYgZwgJIgy7LQRBM5Tk/QmsKCXHStJuCfKuP06xvbB7rXcXJGLFdbkww1QuvdBICXAL+5LY7yf2xwkmZbANwujBcVWT8EpgAsFNwkEULQHKpjKkjISEDmA6kBmYZiGmwjFdYeZCmUdcbxEzSs5ejGLOhGGovlj3acagPYpZFM/LNiNstliYUQlM+5lPD68IO3j07Cnv/ewHfP2rXyfsB/J0ZNgoUZQwewvArQZPUaq1okUD2ZS5WV/M+xo7kC1534IgJVIQ3OCQsTCBzahNiE2IzegcfM7Hc0xHzuMFwzjysx/8Hp7evuD14du8npRj+pCmv3uzE1dVS+dzi5VKRBc0pAldSyTwmj9oM4F2BrPWdJvQ34CUEz7kVraVptvCf+sI0oS6Oh/1jLpC7oUlLg1LWmCo7/980jfc7j5C/0Du88d6sNaykaoVAruUtDxTi/ZeLJKNmdYUsfpo3pLSrYde7vo0AM2vs/Dy8n8NTXcpDtKNCbZEIbvm20QYVoKc9F+XdJ1lcRpRmcCajAwWjdhWL92k0QKYqMdbU09P7vttGq//vtxqu8FT4lofq8t7/aCF3JtPVxSsmuB7pzBOzeRaBQ8H3oFRNkTbEMqIpgitr6uBiZcdlFALB5i32ysWaI3h3RfWzO9+P8Wq6ZulbrULMEYhV99Nrpswk4uDbjfnZdd0c5pIsxfe9eIFBUpiOu5JOXF7c+PFMEpBq//PstWmBdWIrEJRSJFOI0sRvmoJsIgQ/fzUri+SKDaRysRhesP18YpPXn/Iq+Mn/PCz73Jtr3gTPmWKB+bhUM2UASmCTDWNxCLbuONMLnh+9pJn5+8Qy4AkL8RfVGAMXvksVKm+4Du1AHP1PUevfxxG8cb2BUp0ui9FIXmTe4/rz9QyTU7bumaIQhSvV0x2LWMbds5ASyBPM3OemQ6ZeUqQhYBSKsNvQYtCjROQtn8UMRdewDvjiIIGAwJGICeY50JKBwKKSawa1A6x6tMVN7ObUIPmgtt4VDybQMXN6uIxCsRIICBJyVbYpwOXmx3nz855/PIxT957ys0P9szz7MVbTInFhYQoTqOxPoRW/65U0C2rn6UOeRVyi1sc5uJm5cwENoHt0TIh5YimiGgg2IAGZQw7Qhh48fgrhFG53D1l5pqQYgX1WgNaqhWp+yh9/6s6b5EmXLX9bouBoDRHrjgg91gPWcPj6Wh8SHUBtzXo9nOsuFM3Kfe/OidbvS7aYRNaWsxE09DXWmT7Sv1W250rndwaFznRPU7iZbqiUu+qlVBbl29cnb/fYB2lFeLXJXJouc7Cy117XpWq+jHj3zjo/vIv/zL//X//3/Nrv/Zr7HY7/t1/99/lv/6v/2t+/ud/vh/z5/7cn+O/+W/+m5Pv/YE/8Af4J//kn/ymrrVhZtOnv9TygEYyL5DupuRFMxW8fZnWtIYGAt2BTyXet43KXJoktghkVUtu1Yt0Idq+PrYQR5O0XDBsgQnNVHRywZO76QBOFSRKzVFekNSJrxKcQO9+gTZ/t2tyWs4xGYgSCAgbCcQysEk7xvmS4fgMPT6iTOcc5oKlK4hHjhoZyrl3EUpjtRS4xuSSbjNn+wYv6s+ZsvupJHl0M0Pw1I/gNXbDJrrGqglLGfIMecLKxJxc6yXfYOVIzleQZ4YyEHNEj1dYVvZWmPLMm+MtwkCwLaRzdL+lDEDMyGZGovfZFVVk8JqGYdzheZDJg3VSxspMSZNr2HnG3DbMlGeOeeLqeMXV8TVvDq+4ml5zk244yoRsXEPCAnNWrrPUVm2FTZgYZOB8d8az3QveG7/Jc3mP8c2GGATdHslBeJM8ktwrJqmb5QdPu7KUKAqikRCUTbxEg1Kya2FTzP57qTRttY5yJQgDQivWTi1CUk144xhANuySYDFQNFLsmpxnb4snExZuseGaIleYHRxIykC0SzQMRBuctrW5HQpYRMoZmxJRi4y3kZAm8ptPSPMR4yXoBtERsQH3PWZSOvo5RLyOsnpwmUiAVOty1+ppeQ6UlDnuE/Nk2O2G7fGSd/Ql7754wns/95TnXzlDnx/45Pvf583+luf5a2zKBTpvoERuZ0M0IfMRiwnmRBGlSHCRTLSXjZRWcaQY3tf5GgziLG52zrMLUcUoppgNdUdnJF5DOBD2RyQGzi8vkPAe33z273B284xPjp+y1ytm+dSbWgwZywfmcouqA7e1XsVh9j1XakaCLWqISEFrJbliDgpmugjcsvCX/toUh8ZDugZcv1V5lopUvnZqaTsBrlNluP/uQrUL1sWMkqxGiVu1KrpbKku1RDUvVOOdLPW/tZmJa3le96LYSdOCE/5IqXXYpeu3VlpZyuW+BUOCeB53E1ra+YSlNnh1V7Yo8i8y/o2D7j/6R/+Iv/AX/gK///f/flJK/NW/+lf5Y3/sj/HP/tk/4/z8vB/3H/6H/yG/8iu/0v8ex/E3fa1g2XtvUgm/BuCoeeu1PvPm4OspNL5hvKRcI5SVBLZ6vW/WoDKyJVzcKgFYWWmodUj7Tifg1Y+tCX2RFE/N0gshe3t46TcntXpL62C0KML2lsVvMlpZ/urdjpRg4ubfEgl5QOcNMo/YNJCSITlxlFpOryihbKB4pLFqdbJVocUbny/Xci3XCVtrylUOAigh+sN7QxlBvPofqjVi05IzrzQDB2BCdHbGWECsYOlAEUhzYi4zc9mjtsFLF/q9We2kI9GQwc2rpoYM9LZ7hkCqPhtxevK2bQnLDrge5FE1nfZP6Vo94vYCIXq5S1ES6sIOmSCFIF5zeowbdnrBlgt0Cp5uOWZMhLkYUSIUN3MGAkWz9ygO3nO1SdYq0bU/9fnIKu4PlrSsfWUK1lsj1tqztfJXyalbIGKAIQ6UEMgSEfOc7u731gySMWbMEpiXx5QyoDIQyggUVGePQJZaa9cikY0LEllhLpTpSEnRfWUBMK/65Sa+Fpm8VHbyjldO3NlCpWoX/FIWcoYpm7f9mwcG23IeL3ly9pjnT5+yPR+RMXNkz2265gnNyRmxah7GgOy1yEtKmCoWCp5u5bzFtXhdmAXW51tNXSBOBSmGsyWlECmWnYpyAs0EEyQGNrszRtnwaPuCfb5l1MfMUoA3oDMajEyiWKrrKPRSYFKFquJ7qnOOCngi6/YIsNgHFSGvzMmLzrvovzX1smmxK8D1olstMrhSmrHiMHKipa4PcmtBqWmES/109wbKqtSRn722DnZrRzW1N+Wiaa0tMGoxIfuTOAQYp7dRtd2mYdM07dVyCqh50N7yDLK67imgd03nC4x/46D79/7e3zv5+1d+5Vd4+fIlv/qrv8q//+//+/39zWbDe++993/qWs145lG6zceyzKJlX0TfH+qLZV7nxcGXRUqBDmqLjrkEJjQpLLcGADTCqFWVglBKBc7V/HezBguwLoSxMD8/dgW8dmLwoJVQ6YFzTTortggIDdF9cnr032LKaafaIzJ5pRsJmGwxBiwrJQfKPJDzSC5bUmVye5tIOZMOAyEktsVrHLcN6IxAETXXyEprgZV7674ioVobQpdc/X59m8Xaom6QkYmMZjhOEzkd0E1GBxjPd5gVbj97zT7NHKZP0CwMsvGiGqVAK2gwRsK4YXcxMp5tvUt6UDLqTLUFdtUqQyXNpDRzPOzdn1iLJlBWZeeGgWEIfPDeN5nlyOXxMZ/efsz+12feTJ/x0fH7CAeMTQ0kU9CDBxilAzMJCaCDIFEq7ywe2JUyZu4fVwRCcJN0zUENwUtl6pzIKQPeDN59fD7/QQXRhJuUK/NRz92ySpsaFktPa0uIeeBQjMpuZ8ySOchEwEsyDjoy6DkiO4pta0egwhA88pcwU6Qwldn9kFQhLUpNeRa0VjprgT/etCKTgpAIJDyyPCclxMA4jj1FJmhATcnZm9GXcgBqswygtqcnDKPz5CHzdICLy5F3Xz7i3aePmLnleHOEHAmyYTeec1YuiMctGiNhM0IQyqBkMWYxii8BVvsqe3BNcIuWNYGRHr2LaRcwS3HBpdUIn3MilcRxOpJKIl3tQWDcb2HMPL+8BH3Ke0+e8Nl8y+20p+QjOR+JwBhhJNYI97rhq8Yb3VnuQomYV22rwuDCFtZ6bYNWWyxunUs1ntPAqx1d+0mzQPc6lmZdNmg9uu+2Bp6lXK2S2U54a6ECd2EBYTs9X9ctGvBWi6FqrfwV2t9+4/dB15WvLi9B78HbW5o2kF8pV29nsv/Hxm+5T/f169cAPHv27OT9f/gP/yEvX77kyZMn/OE//If5r/6r/4qXL1++9RzH45Hj8dj/fvPGI1PbzHWbfhOCaoBDg62l8451razXPTC6RaYtrtnJ6e/5HJp/B5oGUO+jnrovyUr17WD7OfPUPu9xDitKW/sxwBbS7jd8t1QaixTXibjdjlBqcFDBo0cLQ/2+a2nKgHiCj4NSfd5EIVpBcqbkXNOSXPswK3Ua2hNWraSZhnQRFErThou5ybBqMW0tRT3HN0htk4cRBkU3wrAFI3NzTKTjRJr3iAnjNPtClojkVFN9au9YTciqeXoTXkrJrthUhpBSIqVEnrNXvcrelNwKVQr32mQiwhC3qEbO5TGzZR7vnoMo+3LgWPbeNce8F6tZ60Ws/fqoYerBUi441U3ftJbGyeqGX4LvAhpWaRTFqoLT6EsW4a7STkuaNlw46ikT1qR9obFnEcP7zWfMjiAOoo3VlqLkEsi0VJpmtKv58iaIeZvAVjKlIAvfkup/VQfWQK3vHCISve+xqefLiA5e9EKrSdSTd6vQWUsEuqxRzY6KMmImhCER1diEwiaeobahzEdSca086obAgBIXoVjdPx7GWHPkC1khi9NAr75opZZSXbZ4T5mxFr1c4yasoFYWXzAgefIdkryKlewPSDHiZWDUyDZu2JSRiFdZNrManIhbpXCLkO91n5fWj5p71rK3MZs1/DZUXWBZOGVAb8uwaLSzYkKVX55eu0X7Np659uGueZT1q9fvNQveW4Z1UWKl8daHWhSaRbnhRBRYCSKrx7w7Zct9NT9zM7v3k/a7+c2O31LQNTN+6Zd+iT/0h/4Qv/ALv9Df/+N//I/zp//0n+Yb3/gGv/7rv85//p//5/zRP/pH+dVf/VU2m8298/zyL/8yf+2v/bW3XcCDhPrfq9f+Y2uxDEqLCnSG5RjcpJceBH9yKirhlxPi8U8959Ezea0iuHGq4eqKELx6D5VGrC9+lygrIWj9YImG9vssFeBzNW9ZXu6yE06pvuqi7qMsDrytlV7WW6BwLEK2gVgimPEoXLIdnnB+9gLZnyPzGVJ9mZlEY80+jYmcYZ49XcSfq/mI6lya4L5SZ/CJgWIKM2hWiqVqmk8IBS0JFWOgoDkxCsQxUmTL+DwSLwPDO0KJiY//9Xc4XF9x9emnpNvE/GFiyzkvhvcZo7AdBWTPgUw+zuzLAd2fgURavakpVfOWgacppDqJVQAombnGCRA88lQyYELKkEVQzjkvkd/18hc55FteTZ9yc7zmk+tPuDq84vX+M/bzRxzsVfWr5aplZ+ZwwxSvmYpHdlsq3ve1MZJgFPE6yGOMqGivV93SrTzCO3sNYBFvPWYBa1YIUSSoW2Ka8FYJsqRShTmtdcc9RSrGxJSumadPmIORgjHNR45T5nAIHPYD07B1k/CQCZYxvV1YZq7uAlFEotNhViR7h57zzYbNcMHj8R12dslje8GoO7abx0hQLEqNIh5qaVE32Vou1ZqaPchMC5utolGJmwGRQGTjbfvOJ4odSHZNmY58/N0D8wbyENnmF4yjEQ87SMo0HX1NY2IzbHny5LH7+8fAMSdu54lUjJSNecrk5MF+Lui0qN2adoeXPiWq+3tzM6VmRhvJlglHYU4Tt+nWLStXN9g+EUZXLB7JU7IeeaLvMtkNh/m1Ww8kM9ZYDMvuW84SQL2FJdKcIB5HAYuOsVjOmuRQecxaKeh/VYC1JrytBLXOFx3ImjDact6X3HfpFsFixa0E1Zzs91NrHzRtwJwOnY+VO/y3MsZ6YO9KtNzs0lqwRrWvwbeBgXS+tJoTsS4Urjjpgqt3dJkTuLW1JeCLj99S0P1P/9P/lP/1f/1f+Z//5//55P0/82f+TP/9F37hF/jFX/xFvvGNb/B3/s7f4U/+yT957zx/5a/8FX7pl36p//3mzRu+9rWvLaBKI6g27sTkrSdwZTpow1oS2Oqw5XUlcdWFPj338sbdmL0mGDXwPHEBcOc8KxW3145eC6HVbNSbXXTBoEkTmTXl9OBKE9cwK6E2X7BrokoxyJNX4BEZCWzYhDMIOyRsagRqIsZEUPF0iip1i7TzCGYegdyEBXrT+EXKbGXdRFJNsaqfWUKsoJYIuD/VA5gSYkZU9SIbA8QzpWyV8Vlg2Hg6jplxSAe0DJUJKDrUvEmt2maZvfg9NVCDFrixiNtW7VlSJ7CXe5NaHUjbszVhTwgyMiI83j5nVy4Y4pazcE2wLRvdESzyepphnjlaNVmXmuOpGdPsQUrmWoyVVZBOc2NYJ3NPxar1jq0sWsQixzcJvxUAWL2+jciB0ALiqr9QxND2zHjTiHk+cjjumVMilUIpiqm6xl39qW3tVcU7TklAJNLURa9jXf3QYWQbduw4Y2tbRt0QBweQEun3K0W6EOkacnRgi8WLcgwBjeopQ+L+b0Fho+QC5MxcCvPBGx2UbITs2iJZKakyBYFCIVsml+RJYyHWxhiD9/PN5vMTCqVG87dsBmtg23TF1ge4Wt2aEB5MyWVEBPLoAYY5JUrwXN8gI9vhEVs7sI3PwCLJCtgMNnutazyfWFBm8X7RllvA3Cr3vf1nDSTXC1+524opdU32LTxqXUvZv239/abhds2w8rO6e1YR3ytzMsvc1YuveNmKUtfAun6GVdrPiWbbdsGaJ5+cbKUWdN/wotis5JD++eomOR0Lb3vbp583fstA9y/+xb/I3/7bf5t//I//MV/96ld/7LHvv/8+3/jGN/jn//yfv/XzzWbzVg0Yoy/42hzXay5L7aRT68A2aakLV5UqS7f710WRdqo2qZUp1XMuqURe72Sdd9vytvzrvvhd8qIFOHfkdwZfZFntEztHa0YAra6bSpXZRJpVsRJ2/aM+VzMpg9QUGmd6LagJUaSMkEamq8ggGxgu2AzPeLp5HykbxLZIPoLNhDAgMqHm/sYhtHZrrm63NB6yB//EGJEQaf47M+/7agbHqaFI7ataZoTi9YJLRtJExIgYuxgZY8R0JgVj82QkPjaePXvE5qjYv565+sENP/r/vkLmTJ4GrGyQ4cznJTgznfNMyMeqJfl9DcFzWVtglOdgttzY2s2odhvSMXjgVWWsYQqIuS9NgvLs/F1MCpPNTOnIzfGWz/Yf8fHND/j2p/87H77Z8MntDzjkW9JszHmCcYbNzHQzEUsksvUiC6Vq1KW4L9aaGV+7xpFC6KYv95UtpCPi/l+tvmEJDQSqmXxl5hOEzWYLZl4prNL7ECJn25F5vmaer3l9/SM+evN9rvevmOYDFgVsIKfoWqIFFCVKRDS6+V0cYMvkgp0eN5BG4uaM7XDGs8unXMYnPOURQQbP3xVjCuZNezxLC5ncD60ixLhFVYnb6hMfzU31gRqn4ZH0Y9gxzyN2iMyzMk/ANCBjYkgOoPOtkGbv0CQi5JA5liOfvvqE8XzLxfgY3QxcXp6RCszFmJOnsh2PiZwKeSou4BbfW5QlXsRlT/dHD1L3sMCwieSSOTvbeprbvCMxcztcUyTyYvxdxOkdbnXkev4UDh8ylytSvkZiQkPh6eUzxnHL9S1Mc+LN7ccUmwlbZ4TO+xo0yuoHtLoLejH/xqv6EY2/rhQT87Kt7WxW3G7S4kbyGnxZBEGXHSuNrgOmTDp/op+1CSwVAKsiYuv7E4//aPW+W1pg0NN4meWZKs9f1UVuXF28QLzHpFh1eRl45asWlNVRfQ3XdHjowWunAPzjxr9x0DUz/uJf/Iv8D//D/8A//If/kG9961s/8TuffPIJ3/nOd3j//fd/cxerICpSmUnVCK1JN61UYdMUrePynXu+c0rWmuRClKujOuhql7LWP+2YU0Fp8T2v5UUBy66FNpDvwrd0gD0p3H2PWOuFmoRri1YJVestHkkqhteTRSFv0LJlp085k6ec6xPO9RHn4QIZRrSMWHZNAz0ikqs5W2p1HK0AJjVHrRJnS9Y3q763JhW35vT+7IsQq+4BkEBLJm5BG1pLWiYSZhmJAzoKMQaiRmRQJAYkjIhuCXJOCOcEPacEPCBWap6oeDCOX7iZCFlJ4WUB21ZtSEAjSDQ0NC1YPLCpOhRVlAFPCQkaGcJIHEewjJDYz5/V/N4ZPb6GEshz8VSckqpJLCDZy3F2f1nx9AY687ROWypKqUVfzFgC6hpFdMl/xUpP6HzFJNq+qWY9b0wREEYwIeeJeb7hcHxNSjfkskdy9vOnAbHAIDuijpwPFwxhw9l47sJXiOTBKIMxl0JJhs6RkqFsMsXmWq6rMkYFGQwpsbtigiqhCFpaMQgBDdWkSJVVyx0NqwqWOhDYMFgmBC8z2bR4G2tRlNqrOY6hFw9POfPm+oowD8Q0QoiVENyEGWIVJjO99CBQC9FQrWdVgJeqITeZvhaVCQwQFJUZwchiJDLJJmY7ksrkxVDUenRyCFvGMXBx/oKz3QVBEsfjxH5/RTKDcmSlb9JyGHunMaCVzfVI8RXTqODSj6w85W0+4sYbm65j9bjSANesm7ZPgLjRawXe9fmaZt45wzovmPZ7E2ZWANt58J3XlZbbfMCNdXb/7Or8PgWLBWBlxKylGGSxZvRbt/7dt0zTW8e/cdD9C3/hL/Df/Xf/Hf/j//g/cnl5yYcffgjA48eP2e12XF9f81/8F/8Ff+pP/Snef/99fuM3foP/7D/7z3jx4gV/4k/8id/UtTxBvJl/6xO3clIFWqWWuxF2lJVlY6VcLqbg5gR2Qm+SVgfg+n61oi5ArfQF7+dbnalH9xWPLO3YWf3Suk6uvgPmpVQGS9VQVhHPfg11gi/UPrJLxHLDPQcRgbLxlId0ySCPeGf7O3mkL3kv/A4eD+/ycvPSNYshkNMNJUdmO1IsM5kLCptxJMRIHDdLXV+jp9S0PNGSEqWXoQx9kkTwalGiDOJ1kyMFS6E2RIdBvKZv0MBc9qR0ROKGsAkeTRtmSohYGIjDY0aesQvvstlcEsdn2EawneC1lQsx11aDNWoyTdPSLxXfcB4Zm2gR3wRBRyWM3upPGRATBnENz/umKjEPNdI2QASLwqPNOc8vHnO+3fLO45cMuuWjNz+EGaabxHzckzcHxmFgKFtC2RKEmpZinU5obgdZNNYQXRsuqZnsmvayMPq12L8IO52MaazO6sYpJXtAWYkU3aDhglJeMadbbg8f8eb2uxyOPyKla1RHNEfEzohhx7m8y9nmkvfPv8bZ5pyn58+JMTKOkTJlypz40fc+4mp6g10X5pQ5lhvGjZIvzpEYKWJYFHTrBSSCbRkYGSyi2YWSPFUrTvBALqmpM2ZzFdgmvJyJp2xpGNnEwMAZ404Zxpp7acbMnnycOdzegsD2Yue+b4Xb4y2ffO+H6BAJ25Gzi0t2FxeMmzNCHIhDRKMB3ozDI2Ar72h1w1vAoDTmULlQ7aoVh9F5QnLXzHGa2Jcb3swfcTV/xPX8AybbY7r3HHZTNtsnnJ9d8v67v5vHl0+5+uSW29sbbt685nZ+wzEdvCKWlBq17v14W1CXtXB8DGvFbCoDbJXkliTXha2elLRd8Z0WYdxcNXllfWknaSLAGmxbKk47Z6PENY3qin4bvWqPVq6yl3JiYVwA955utSL9el43G6K27lMOHixZ1+qObHr/rNK2508PdP/G3/gbAPyRP/JHTt7/lV/5Ff7cn/tzhBD43/63/43/9r/9b3n16hXvv/8+/8F/8B/wt/7W3+Ly8vI3d7HWMNSaGY4aICpLPWBadGWbv2UWm9bQBBepfkipJR+7psl9qUz6awNBWaRFWxarXQLW4N7MGA15/XvrMmKNefqPddPMcvXSrl6/ULXYrg1VyTMvIfmqXhbSknoeaRoJwxnPLt7lcXjJU33OOZcMeCm8UNNrigYsBVJxs6Wtwr1dIxVPG8GjKs0MPfE3Bn/eCrhatZQh+nfH4DMdyJQ5kEomCrUBoa9FSjWI5WCEvSAyEKYtW7vE4o7nzy/ZTY8J8xmmAwcrlCTYUbyKFjMD6pUQq7vAmluhzmsxD7Ir5FrpOFcqqGkg2Ten16mOiLkpc1VuoBYJceLaMIKe8eziHYbtyO10YLd7xOvbj12vO2TymAi7gJpHjbsxPNEKKbubbmFQp66Lhck0qmiWnQq1a55xh+6pPUPxACeaYiZ4X1lDSGBCKZmUJtK0J01HUprYhi0DG56O73I2Pub9x9/ibLzk5fkHbOKOy+FRzUeOZEsUSUxRIET26ZpyTOyvD3CAYXJ6y0OG0dcs6MAgW8ZwxiaesdEzYth43kxRkghCgdT2TEZqWUovHjN7g4RSauEEIRCJEnuup42GSERzqiZSt6yMmw1FhYuSmHLicJiY8xuubvZcPnrCdnvGUIVNDcF3YfBI94In7BepWntdgdzyjKm+cqHWqRbmbBxs5pObD7nOH/FJ+hdc50842HdJTCQ5QIgEiey2l1ycvyTKUzQ/ZqORrIIyoBb6ultLz2hMRBSoDQOq5rkG1EYdBc9PheXe3zZaRG/XZG3lu2XJ7lirRB10756r3ktXQpoptytGC7ftKVrCYgJ+6x2uvn9P2qzCqZ0esFTrsq4ltxiJpiVZu492R3fY/hcZvyXm5R83drsdf//v//1/MxeTlnu4SlQviy+h5qbjjbK4IzWtfa2VgdFaZukKcOWESLo1pjG0PuFN0y53iGYFwu2baxPYCpEXjdrvVXTpFHRa19MWqflkPk7fK8VItX5t85+IKHlSyJFN3jLER7z//Fs8DS95z77CMG8Y9l4FKYqQg6cVZQtexD74/FiR6ooWVAJDHPutGYvk2zQwXxOf8BDdND2OAyEI28EZFyWRj0dmxOvomkF2xjkfjUky6QovfciGMCvn9g6bjXDxtS263zK8uiTNwn5K5EnIt0LhAHJkrKlIg44edKM131LavXrQUJZMtuxR7tQtlh381AJiysDG6wSH0YWOCryxrpuIEGTDIMLu/JyX8Stst5d8dvMJv/Yb/5T94Yp8MzPLkTB4+U1lCzZT7NgtGmp+zbaGTcBb2py1KmB3JLw18K6BeLUFeknu4rSjalDUi/9XRmemlJxI057j4YrpcEOa96g+Zcs57+9+hqcX7/Kz7/07nA+XPB7eYailRENQYhSKJHKYyUMkhC0fpe+xP9xwdbhiL9cc5A2iRoozjMAjr6U8DDu22wvOzx9zcfaU8/ERw3CGMpInw7KSj16RalD3VQZNCJBLolT/a7DAEAdvvyAjLbuGbUCHhFom58RkmZHA9vyCoewYdjs++exTPntzxe3hNfvjkXfffZ/Hj5/w9NkLxs2WGJWiTbgti4VJrcrSbknJlbaMgkb3s8fo87xPxlU+8J3P/gVX83f5iP8XR3nFTfgBRaw2DXnKqM+4vHzOs8ffZOR9mM7ZyhY0Em2DltjNrUVq3eZFcl+5FIwWKLjsUf9ERXo1PxVdk8sJ+/GU1lIbgVSfbgPdlTuk10Bo31lOcfL7CSdbBTB1A2O9d9fGnf+d1jy4x97vjOVDubsR+vvtvarpin7uObvitQLcnxro/naOXAnSzCNSDbfUlvYq0jXKXqeV6jsSOuq2JgHdhCwtsrbLQG+9ftN0q6LKSXTdW4f0j7o2enLsHcnSyoqS3PzhvwlYquB2evg6UrAx3HYON1EXUuXPMzOzHTlMt0zjARkzYhmNqVbc8YpFisI8QBkJtRF6DIP77DTScijb/EmVSIGqrtZ5r8xfwzroTGuxEvDKYQGTWFMMMpaAbKQQyDJw/WHicAU3OTGnzOGVUY5gs5HyzFHekIMwR8VCADwIC8lMUisRFxerAqFKCMu2L1LI6qCbLNHa5bVVkeJpPRYiUYVYzXghCBLUu/90cnFwDKZoEZ7t3mU7XHD99FNu9q/YlS1xUmwPFgQvupBdS8L9Y5hXNmoMvc9xbVzfHXBdg1g0d1dwqhAoldbWDEc9Ut5qIwTRGqinAqUwlyO3+1vevHnDm9c3XL8+EuScs3jBV57+PE/OX/LNZ7+Lx7vnvBzeZRPOuOCyB4N5TqngdZdHnl++ZLQN5bZwra84XL9hTok9M4hR8kyeM/N0oGAkKQzbDcPZGU+ePOPi4jFPLl6w21yyC48IOmI5QhFPRTODmhedUyvpWRjiiJZCKQOleF6uiTBjnoMbI6ZCScJchJvbqZayHNjtLnj+tLC93bM/7Dkbz4gyYMkoWtAYXXgZPXfXUql1oZv0ibsnCHUbGDqom5jjQBG42JzD+cwH9lVeH2G6+lfcZJjSm9plyNBygXLBmJ+ysxfY4YxkG0I5QBq8PaFF3/vqkcw+HW7idm2/1CAq/1n8rFYtOFSFQSodGPd4X9Vs2+tiMm4BUs2KRxf8Fu124W9etW7hev5fZ6T99xVLrsc2daVxW1v9LNfo7jeW88lqX9abqC9rvi3L3lldv1edszuHrhSun5gfXceXG3StlnvEl6FIrR5ToFTTmdcZcLOm9TYZ1derK62hL+IqLH5VJvLU8d8R82SdljcXJ7ysCERsZfptV7rjs1h+dUmracC9wAKNiJsGfPoVM05SSQAXNgxy8pZZuV4mMTHZxGG+ZQp7JGbUEhrnBXQx/z0OmBUCAUXYDNtVX0pZ7PcVSLU2ptfmfBGWQiJdMq3+6m4IUAoB0wHLs6emJKOkwqyBUkauf5CRIbM/zKRcOByM1l81l5mjThTUc2h1RGUAyQ5meBu2bF63Wk1OUrCCKiZe4zhb8gjjWvHJ5xUPIDJFNokSlCHUSMcqRGhtMWiYl7U0hTKADjw72/FYM/s3n3K9uWRrgTgF7IBH3461UURtNygUL3WJ1XzrUv3+VlOHqOpqBdTSnqUxjaq9Sm3/d8IxFgm9lRKsp6rEUUjHI/v9Da9eveLq9S3Xr4/sLh+xHc/56tOf5+WTr/KtZ7+by+Exz4eXDIyMbCnmUb6itZhDdKHk+eW7XAyPmK6OREZ+eL33giQ241JbYraJm/SKQz5yna5hq8hZ4Nn+BY+f/v/I+5dfW7blrBf9RWstM3vv4zXnXO9l720wtg/nGEuXU7FBQpRAooCEqEGFIhIlhBASomJLlhEUEBUqlDAFxN8AVKggrm7lSlcI+ZrD9mM/1mO+xhj9kZntEacQrWXmmHN5e1vXFNZ133usMXsf/ZE9s7WI+CK++OIZn/uf4Vn4ANcrvRyQ2CM4NIXaLlYoOTGnsZ6zhMiO4JRSBkrpaQwdc7qKdh0UT0l2jY/nia7v2O8HDrsbhn7Pvj9yvlzo+oEgAU3Wvd6Frk4OqohP6v5zraXIuBo+eAs2gzOVLi9kS6BwzTWhwE/tv8vhDPc/+hDGzPH4apGS9OUapzf05Tk7PoLLnpQ9zlsHgi89TkNdK2oVFFU0GyqkFLwvNTOykDxWpKsVlWpNrTpX2cNP3W5z1DTVqCeMZH1im96Br09M3fKnjf7zkw+rAcpqK+pPWYHvioLfxc2rM32SHmZFua0EuYWnayZANp+7GKcNUtf1v1qfA08mJP2427fa6dZ5K4Bd6KwN5TbLXnGXmOzfOpuqnpxKShFdHW59s009sjnb1t/qligI3lkQsJ2ytTqWyrRzy3HVhfbOVIptpNTWU0tVr4GAPb62iTSvURWHNqmdRjjQyuJOWqxRv8uoJs75HjcLv/flbxOvLnwSPuHG3XLY96YZmyBVJ51Dj+IpMT0BU661DlX2srE0jY3rGsO5fe8agdfCao1kpdYW1XpUnZFEcxEjCXlB1LPvO6RXJGdDGY8TPiXm8UgicfFnkmRGF83g4Qh0BO2pGj5LVsFG2FvPpCBQ7HqkOlowaSSXRMwRJz1Oeii1rlvaWMQA1MHtbY6sc0YkwcgzPgQ6Z4PaS/YQHXjlk7vPeHG4hhhxpaMrNs9Witixe63WZZ3R2YxjzjZnddHDbSni2u7TVvKmQ646VFmEDDYLztYSTW7JfgoTp8trfvTyd/ji6x/w1dcvoQw8v/1pPv30T3N39yE/++mf58XVJzwPn7KTPbvYWW+rRNtWQepQC0Eqf24YekJwPP/gI3w3MMaJy/nI+fyIZsuyiNqc5H6Y6PzAxV04uTNfnX7EV9OPeHn6iqvhhs+vv8NNd8uH3efs3J4rd1cDQo+xoG2NF2bmlClprgIioC6g4jiWC7FkUiUpuirq0XsbWCHilylXh901fRhIlSORpwxJGAYLakPvK4fCgg1tfbqI7QPvquynmEyqFKacyBSyRMTB89vvMBxu0a7jcbznw/sfElNmnjOSdkja86L/0wzpuQ04UHDlgtee/XAgsiM+zmQ3U6RQRMiaau3To5pQl3Fi9W/Lnqx40W325GK76rdYUPE2oN842G9yN0u7zWpZzUZsUOfWujVMIzVAV546vSVw18aEXTOZdQiocSrePQbW921Odw04t0So1ZeguqDxxTc39/COMdbqeP9EIF0ju+jm36zqIttUpwhrBR6Ws7f999bhsonYitTPaFSZ9tx30SxLdARbp7yZziGb19cV0D79CQaphYJthPkk2lzSOivfbxtLLO+0BB1toRhaVl8oQObIOcFXb39Alz3H52/odx4ZnqOxspARUhHUW9uNxsryq8i2TWwS8XXTyNLmY5KFnoWU4NZQVTfnqUWYRRTEm9NN2XSLRcA7ui7QdY4yJ0rKpLM3pzVOIIUpjMQwMw4Xi9KdQ0sPpcdh81+zVreizoYv4NcgudV0NRNzJKvp5AbnCbVeIepresRBdeQWhJmogzobJ9fWn3hTkCI6SIKWgAeeX71Adc98OhmpbQ5IcQuLnSbq3sxZC/6KrjM930mNWSqajUFrpYVm/Na1uq6xzVqpz9fK/Z3ikddvv+DN21fcPzwgoef28DGfvPgzfPjB53z2/Oe4233AVbyh10Cfm9HOqBe61kMZ3EJq7PpAR+D69g5c4P54j4TAlDMlRVzO+BLwKCH0+H0glUxJDzxeHjilM/fH1wxhR7y78Gz3nP6Zp/S37PoOpAcGbOpPRiWRMZGVlGeGeUdwgeJ7igjnNDFrthqmCkMONgpyISC5yqB17PqAdjvOl5E5RhPVKEaecgDeUbTUyV4WeDa7s3W6eMtaZVWSRpJmiss4B9eHj9jpc3x/x2k8c+heEWNiniIlCjoL+3BNl3cUzdaOJzaCcuh2dKknp0SSBJ0h8awbDe6663Em2Vlq7/e7wf432sW6RlZkXJcmayCnm6cvr94aLjYPNlNc3dpWYKod70oSXd59+b0NRrfHwDd93jc/+ATMtNsKYtYtYt9LV6O1OQ47/Cdn4A+9faud7ughNbJobRVaRL6lmkVp0djGGDbJsGa4Fq3bzRyeWpPRJalfvYyv7+1c/QyjaTU/72rk5JYewuoUW9qmOSBVnNZCfUMgLUULSzi1uNU6LSRXlnJXa6jaHBZKcWqygK7KsRVXJfjMyznpCK4gZaRoJhFJzHwVf4vx+JL0+yOf3HyHn/3wz3HtX3DjP6RzB0LZEQo4LST1puQjpr/bi434c8HEGkpdqRao5OoEmoRc3WA1Us5Y/S2V2RiyZa7nORP9zNyNZGcayH2GMEGaTRv5cToTp5nT5TVzOnOMXxCZmDiizqN+oBvu6IdndGFHCL2Ra7Qscy99lVwcpNZ2U2aeI6fTGdd53NDxbPcxV9e3aOqg1Bm7WFpPnKcEJftEwmrfnQsWbLhgYwwRnG+BRg3fXA/ikUNPKRgpiInk3qA+mSaGOpNARPDkKnKhJgQAhiBFbPXV9N5i7JfZwS0dYelvqel11VIntti6F6922mtGRHwic+F0uScUzwfdp1xf33E43PCzz/93Xtx9wgs+ZEh7umKZAxlC3WU12PMsCLcZ6pItBbvfDSauwncZxwuH/RXTOHJ8eCTGkflc0OLpRuVOnrGXgQd3x9GfGeeZOGW+mH7Ea/cVD1/8LvvQ8eHVB+z6K+5uP8f7gb4/4F2PdwcTsUgZSSMpeabLkZQLrx4emaJlNYRCJ4W+67m9fcbN9Q3764Gm5tVyi13Xr+tZBM2ZNBdSMrLUeL7YKcfSysEbWcq5Vg6oPyL0Hjrx7IMHJ7jsKarsGJhD4sX1x0vngWa7RtNlJk6Jt5c3TPNEvlKSh1GEURyj2mrxdUAHJdUMUyG7RNa8rA8vWmvXZnRcc26SDD2qNNhSbVAtfWDlj2WNVSjY9O6pa8ycZ8sMshq3ev4aXFhc1can2ee/n6aWKi1kh2p2TWXVF1rFimpJcVPbXSGKvekiIKT2rkXXtsw2FGENWp+mx5+iIAEyJH6i27fa6WYRAxrKokK1nqCNYlM7kc3ntXSvYxEot9QJ66VpzrJ+1pOFsbyHVmdaf6TJIwr+vVY3c+JSIyY7vu1CffpBW9ZfIyCJiBlNrIe/OXoVIaNIqSSK5WBrs7ppQNTJG3V0WlGESCFzKq/I8wwPgYmZ4XDHiyGjw44rPHvpQaqogLY2AVcRgSE9kcpAllIb5C2V3c4P7XooVb3G0rhFM3O8UDQRy2hH7BKpzERGIpFMossFl3Rxug/zmXmeuEyviPHE6fwFqYxM5dFqwmFHdyj0JTD0kZB6cpko5KW27zAJiOR7E5CfM9M083g60u129OHK9H2HQPEd5ABqgyBc9SgqNlXJhkg0FOzW9K9IJSit5Yr2Wt/V0XqioJlMqlre2BrRFqYVxBmJyhWr0zYspizk47reKp7V1SiK1PnBNWW2EMeW9qZ6GVvvpNhYw5QmPIGr7pYP9p/w7OoFn+w/5/nwITs54Iu3dVRVuxBpSZqa1Wj7r66HWpcO3lqEbm9uGfqBy2Xk7HumKVm1Uc6gJqKx83uGEKwn1/Wkcs8cR47zCaeJVEYGJ8TxGfvdNcnN9P0VBz6iD9fs+oGkSizKmCOSJ8Y5MsfE8XhkmqP1f5MJIdL3PaF3dL1HNaMSTHITO2/eWR/2EotrsTIMiZQzcYpQ7Pp453DBznmBpYNHgrXMud40sY3/YG1oqkKQgeQLu/56dXp17TyUe87pzGMRNNleywIJqWNMrM1PFoJHtuSSq8e6cD0MKLjaHrOKQjTX1LgW7X8rY0+bwrOsaLMh0zXvUlhrom3EXjOeq6SkLmv2HTurtT1Ol3hnCdrbsaylXFnSvw2obs3pEjRsnrAlgDWHvBxQ21mt7luVq572sTyx7JvX/uG3b7XTXbJ9utLbl4bqJffbFqwu59M11nJFPOqtMNZGSklRXL2/SJbVhSF1hJoLduldWR1zc+Rtnj20FIVFlktyuconNkL+U4O5+X6YQ21kMFFFq6F3Vb5eai231BoUEtaAg8ZaNCan+GyBxXxNVkcqE1oyOcxMnHiTf4/zmzd89er3ed59zgf9T/PZ1c/wwf5Trt0tg+wY9ArvuupQPTFT57n29UQUck7EPFFyWZAv2Cg3LYWYorGD80TWzJxGcomM6UTMRuxKeSamiVQMifhivb95trrZ+TyScmQeX6NlxOU3qM4ULqjrKT6ifgf9gezPOAejnszRV8GTZiDDJLgihBhIc+Fyydy5F3zQP+fw7BkfffYZ80lJk1JywAaBt57IiGLM6VIzF8GBl446yNdEQNzqdOs8HhRLvbre5sYGCopN8al+uJq4QvFlTRFWoYU1Em/CKhV91QheC9VYVKPuaitEyWv9SpWsGYdjv99xmTP3949MU2I3XHGz29F9sOfjZ5/y7OoDbq9esJMdvpihDp2xcnMtG7gQqhGvAvwN5ZZCyXlZA0VtnaDKfrfHO0N5l3Egl0iazsTTiKPDu8C16wj+immCpKEmowRNR2ZNfDU/4l3gy9cvGbpbbq9/msPuBbfXn+EZcDIw55n+3NO6qkOoqaU6kCCmkZQnpmlmGkcOuyuuDtfc3NwhGIeiG3qsOc7WdhvTd5kncs7E0RShPEIWIbvJvndOy+CJlBNFlXDoCUPHh/uP6ENP8DbVK9aZwCGZyEwp2ZCbc+xDh/QDkgppnE3VS8zxaxZEggXTGs0uYsGlo9oxdYuDsr7hvGTllqH2S5cEC5+lESq/sW7ZAGz1aSKYVnUDCrL2l7fnbXzW4uQXu/c+BvkxtyfweFECa8JRpaF3aoJh895PEbQsx6gV6cg77/3koN87MuEnvX2rne5icRqqoJ68J2Mm1ovYTlPlOCzRl9ZIyRamPWctljdkV+OsVo9YamrtSLZanW0BrvW19umyee4GfLOy7OrH1sfMbko1vlsHX+q/W4jn1uOptQfn2kg5RclArLWTNr5PURK4uapNncmpEMdk2rqdZyd7OgLSFYo7EOiMOYuzcX9V09nllsQv5gzTvNRI27dPOVnPbZzIJRPzRC7GNE0lGos6jZznIylHUjaDVkoyI19AI5SsjPNEzpE4n6BMdDohRCBRVCjiKTlS8lzlHpVJjiSJ5DpHdyKiRXFJcdnRx56cYErKrmRLGYdAtxsgm6vOyabmSB1qXopN+WlhXSnGfn5Sb1+WaQuyWmRe16yrLHGsLlgaq7rVqxpabKtIt6u5rjfX0iGsa759jho6aK0jTXmnRejLGnYm0HI+X4hzwkvHfrjiarjj9uoZN1d3DGHAi2/E0kUJqE3usu/SDNZKumkpZi2FnK2s0NLNwXlKCCZKoYW+3+FKQr31cXfBgcs4V9iFC3Mq5DLTtF+1FOZ8ARyXWRn6hJMbSg54uaHzmeDrLNcwWwuRGMkvBEjJ9l7J1laX5pFxHLlMF/p+o/le97d3lvqUouSSSSkT52TrPdVy07KZxdZySrjaVnaZRlLO9GWwOmxMlOpwsSuFUnu+RUmqyxoKzhG8NyRbCpoqCa60a9kyHRtbU9ecIWbbu6vQTgviWDySbDyTbv+zrMet82G51izXfGN+F8e7MW4tNc+KHp86Qm3/Xx/U7Se887sRYRcg+zSNvP5L3nlf3rmz+T7f4EPfDzgWtLTY8Z/k9q12ul4giKHbUJmGDelKrbkilqt/Yqaa8WuM27Y8nVJUTAC7ooW8DFiup3UJ02rdbNExrYtVtPZGVvZbS69ujJurTeu+tiq5etUW3p2ykE/cpvYhsCi+QKpm3pCXBQ6O7SUVohlan1E3I2WyRRkdmY4uCKUkG7FnPQD0feDmcM2VG9h5R/ImS5fSmUF2hJ2Auwb2UOB8nCmlEPNMLpk5z/W8VIPsMTJMKczRHGD7PcWRnBPjfLEWnTKbEy5TNVTzUjsadDCHj/UFd6HHOSGlei1rjdtalJTCTE6PTBdPHmaKS8z7kRwSGjoKQrwUNAnu5HA54GJPGmFSeGRGTo98Pk9MqvTDjqEPlNgZ0lVv2ZF8sTRkmcwoqdW1Y46tExJf083Om2yp1FlKUgOSagvAGbnFuYzmUtPOZiysZlWVjWpzunPWjmMchrpOqyRhSoovGOO6Ps/VlVTqOXW1PENvCGGcRt7c3/O9/+t3jbmtA7eHF3z60edc9bfswgFfz39DFMEHxAm5so6D89U+m2Mq2ZxsSvaTcyamSMlWPzcHrHjxXO0O9D7gEUq8pTy7o+89w64jOUhOuXnzJfenB+7vf8g8PTLPkVLOVUmskNTWc9HEPJ95eHhF8Du8HwguELzn+vqGod9x2F3jXKAf9qgO5LwjpcTx8Uwqmbdv3+J9x83t3RLM55LIWYlxJufM+Xwm5UScJiMY5TpXWoSEOcack+2B2WQ2v371kvP5jN8FQt8z5Zndfk/X93Rdx/X1DaELDP1ALnZummvqvUODZ3CBnsB4wcLxSZFoE7FNo2Dp4bNAATGNadzSkqYV+jlnx+wWx7v1uLb+TJO8QoEFXGydb0OJBhNsZraNmlz16NdbjTl5z4+9iyTfgaVbh/vOE2hkUadNl3yLVpWyubcc8frnJXB++o3sZpORLAPQiJ8r4Pqj3b7VTrddd8dWGmwlSi1SiiYO9+R1S3y2OenL0+0lFYlKrdGshfUnl37LMn0nArQLY4t4uUDb19fItKUql5d/w1VcWlyXtaj1v6U63FK/0/rehqRqZNsSTVo3KQlfa4O5eLx0dK7jqrvjbvcxN/5D7sJH3LhnHNw1fTENXPGAFEqxEXXTfDHHGSdL0ZW4HKgNBZeKcM3Z5pyIsyHdOZmTneJoRCq1GnPSRM6pksJ0aYtpwYcu15glPWHqUbXpX40JrWWmpAupTGSNJD9TukLxGRVnPc7BWMUkVwfKQwmFWWdO04lLHJnTTF+NdlZvSLdK7qnrq9NdU6jtKjRimdQB9ktWoy5ct0Gvsrm43tUZn1rNxPIE6vttzENFy86J9Qk2gouqzTGG1qzeIPOy6FvNzARKMtM8M08zcU6Ic+yHa3b9gaHbE3xvtcfWZrWgl5VLYUu7ok9VmyWbMzkbql3TzNYv3ta/d974Fd7jvW08TR0aA13n6QdPEhsmfzfPOAm4PDKGjsfLWxLKnM6IFFzn6fuBoR9weGuzIqHqEW/RdM6JXGLdMwXnHdYiZAF46DoApnlcnKsdoyyzcWMy9JqTBQ6lKr+1xnkVV+vYeUH4KVkb2jROjONIoCOXwunxSIyREDojauEYht6cbQUSCwqunQHBeTrnmeoCamMpl0W24ZS4+job2diWglpr5aapo9V1m4Xa2rHGe1kFhFYQwTuv0rYe5Onv9VnV9urqeBdW/WLbNu+33FXepUOt8FYW+6nvte9s33njhqVtubpfq415T92toef6/Zcatr57Dn4y9/utdroOJYgsNdRGZHLuqePNqtXArXW1lSil7y0w6l+o71dce55gvZNC08atEt+4Gkm1Ve+WBkojslBJLKuBapKCdWh5RUNtDbWlZXrAgpT67pWVWKThKBMxN+drCkxNlNCpIATIB9CBnCJaMq48ULDh84in5AP7/jmf3P08zw6f89mz/41nu494cfiUm37HoesplyMlzqSXhTIq4+OFGBP3D29JxdpscKY2lYs5zlKsZaEZpWm+kHJimi7k+rcWuGhDcYKJKrhgovL1WvrUIyWwRNSdCdzLYMzU6XJBSiSU2eblFoeSoYxM00QcLBjQoGRvxswPJigQDoJPgpwntCvkKfEYR16/ec1P3X/M68dP2b3YcX24tYxmlFovcwyHK1sbqa8axdHkN6N9p5QTBYcrlbnsvRGoRAjeCDoWRdu19M7jfbB1Gt4Xzs91RJoUwUtVBGsljSKLGlmpsmOCUIJaebnVUNo6W8Q0hBQTX7/8muPxyNVww/XNNR98+DFDv2cX9lajrrNqnQi+b07KmNPemeFKswVjuVARbrSgK5sD0qLW6qLK0PdLdsKCZUvZW00tQbH1Wkom5kLMhX13QyqR+ePPmOcj/9MJj48v+ep+wneODz7/mN1wy+3VTzOelIfXCZtAIUt9MqdEFGGUC9539N0OY9R6QnDc3ARSzNzfv2U37DhfnrHf7QndnjRH4jxzOp2IMVblKyXPVp9egmIpy/dvodX5dOJ0PnE+nZnnmTD0iAqvvnoJAjFmQtdx9+wZh6srPvjwAw6HA9c3N4Tg8SFYKto5DvsdMe0ZpwckKUUTWRPqqyjJYPkVTyAQ6OgWNKuuWFbFZ8vUbWuZbCqsFXis3ILVzpoj3SKE+sVboC+rTsCaXq6fg7zjcLeIdz0GNv9qTrRU+FBX8eZoq122k7981kqiYvGqLX38bhp523vcHC3VXj8hoEk7/j8qxrXbt9rpPq0brD+8c9+xiPWwIFRg7a96+vCTisCS4qsReLvUNZWhWp5Gae2618fbIpKWhm7HpUaCcmxIDK2WUiF4ExVfD6wlwkGqm2/R+krPgTqiG6+WjnVtsLfYZiBcLAoXQ3mab7jqPuKD/Xd5dvicD/Y/w+3wnNv+A26Gjn0XyARKmLgMkxnRwZi63TBAimSMHJNyIeXEnI0AZTWvtEkrJ2KbgtTauKqhzTVlKtiwhdAFQ8yCtT8BTT2p+GxM5K6OJpCMkKuCk1Skl9A8kdNMScmGqatYoCRik1tQ6Ly9b3BIV3Cd9V9mhTkfGeMjWaP1yFbjY/35CtpGGxqm8N4joqs6zQpjlyi6KQa1MWGr8Wq1NVsT2koUsnzqEojZ+7T1t+UyNzJMXbdarN0k18+U9anNiJSWOqz11cP+YCSi3RXB9wTX4SWsPdlIHU+3QIVaQzbZxQb4Ss5Wt63v3RCyr9AqBJtrHOq0qdbKZQbOo1kWElIuBU9m8ELnOnqXid6xHw7M0x4nPV3oeH5nTvd6/wFeI9PxglbGpSypkZb1kQp37G+lIW/vySnbOk4z4zQSgqfLoWZgcg0kEo2Z3c73tkRUTzKNyR/nyDzPiEDXdfQ1nUxF98VbOSmnxDxNnI5HAPre+o9tpjDLMBLvHThbH0vZyXqAWIa3WIMZxrhvf7ZSmquvZXPMW32oZodWOKfL+mTjrJ8AlXXRb5DutqYrT5Dr+ur367BL2Xl9Advb03vt+O1Wnn6T1YdqLQlqs9pPvG79tXnnjfndfsd3Sa/v1a1/zO1b7XSDExuFJrZum/FqY5lalFXBFNvkxDtlC3t8E91sI6xqmhZiSvux9F+uUaG5Qesva2i2RWW1FlAXgrXpufXYlwVSnZCu6kmLF9bVcNm6DxijcqrvH6vwvs1BFR3o9IqOW3Z8SJAb+vAMR0cfvkKYSDGafJ5/wc3hc/7Ui7/A7f4zPrr5OXrp6em4drDzwP6G0s/cXz8yh8h+Z/q23eGKaZ54eLznMl64f3jDFGcu04VcktW7ck3BYSPzlusioZ5jSzumXAjBEbqeYdhxOOwXIzdrpORECQl1hdJdUImUkMhzYh5npOQnOso5j5Q8ksdC7hQ39UjwC+U8E40d3s0mppFOuCIMN6AuMcXImL/g7emHfJI/I7sX1sBUFI2GI3q/wzcdaWdD3ItKFUGg1sHqCqr3S0pm3IPflENsfW5b3hYEAjblJ1tK1JCsIcPsEloVwGydm3SkUyBXGU0vlDrDFWSRe8w19ZmS9ULv+p7ed1zvbhmGPdf7OyMcSWuFqgZH1cg8FaKoFnLMtU6flv3RpvzY2jcnIdgsZOccoesqman1cVtK1hxeZFJjzJIdTjOuOBtW4SGEnpQP3F6/IKWI8wf2h1t+4c/8nwz9DZ1/wZtXZ3R+wzxF5inVvao42eNdh5MekVClQgVVG5bQpEtzSVwuJ968fUnRBKLM80yKiZhmI0ex2hdRc4hUe9GonSllpnnkdD5xPJ04XF/RDz03z+7o+h4JbslAqKqloaeZL3/0Bbe3t2gu3Nze4N2tKWZ1ni54QvAUl0guksUmY4kLiOvMNkm1BXQgHRIczgv4xNJHRJ0hrUpqubomoZtbqIetSd+IchuAs9zMO2191FOnW62ZsoAUVRPpWVX03rfHf5jK05PXqa7nvf7BbUagLiWZrVyjbJ1oI/2xvEZg2ZNtSpu0r7sJNt5Nof+427fa6fqaohM2QhdPHG9dCHWBNBywBKFsXKxCdloFk9ZIaxHmrv95GqRtF8Ra9zA0UoUHK6pdosRqWBuFq+3YpdqgliphefstMt8EfdX9roPftYoprLNI9/4ZO/mAK/dTDPKcHR8TZKD3nyFESjebyLsM7PsX7HXPUDpCVoIoQSCoWGJKOtQJfRche6Y8k4tWmbrIZZy4TBOXKRJzJCZrD7GflYgmtUd2OZPaonQQ5/A+0PeDEXRwlKykmJjzRCyRwmx9pO5MkUhyJ5IbiS7hKHUWbQuy6i2DzIKbHdI7ZAD1WtPbhcJkka8E8I4weFyMuG5iive8PX7FZX4klREJgaBCTubgSrbxd6p5NUJi0n8oddRk07bVzdpTJJdloPlq7N9BB/WnFI+v0p+yrI/6+eKs7l2wIRE5Q0qGbpONOCwRxFc5TF9NabESSYkRzdlIUM7hu44uDFXoY5XxbOvbHFSpgaey9uCuJ30ltcmCcJukomUD7O9Whmks69pOVAlXuZQns2odVsf0ToCIqKXbC4oLPSHs6bsbunCNU9NbHvqIEHFY33EpEVVn8odVX7yUuid9JcfVSWFd34HAOI0M44WuC6ZfnkslZ26Q0iZA2p6TRb6zDqvwIbA77Nkf9uwOe6sfV+QvYqziEKzn11Xln3Ea6aaebhzr9TCnXsikYqi7ZIXiGNwB9T0uHAiuo3c7HB4vHryRPJOOFCIL/6MWQ1sv+RJciR2zJQOE7de1r6lr5mRjC9dtsDrclqL9hjfZGDX5hvd439ZuMeyClZXF2Sor0i2sfJpWXlw+d33zd95/07vLUljcnJf2z62T/ROCdPvg6epA6NVBbRwvukQry6Z458QoWjWJKwrBWgGW1Eo1JE1wsjnu9dV2qy2RFiHCE7JLdce0mrN37UjVjF5zuEt37btVC1k/dwG9tddQ6tIqEY+3od/lil6f8SL8NHf9d3ne/QIH9xnX7qfp5Iqdb6SXmZwjp9M9gtDNAztxeH8h+EIIQpcDPR7HgLqeuBOCi6T8yJQSx/OF0/nEq7f3TPPE4+lU217qeLyqfoRzOBdoW2JxtkvgKVZfG3ZcX10vCzjGxOU8cpRHZrmQGU3ez51QZpI8UFwkdSM+CWjAFcG3jSrgoqAXwV+sXip7QYMyMqJqgvuqxsR1faC7Guh0ws0XHsYf8ftfdHz3s5/jw/Ixu90z/NAzpoJGJaa5XttiAw+CSf55v9afzSFVB1eRKgqlmPxfJ8ECDlkWxop4q6Qlaq1apcyg1JmnSo4zikNc1eLOBU2JMk+QFJKSXSFhGtG+eNS3tGKBUkjjRFGl8x2d7zkM1xXhGjO5Tc4sarXaUpSczEE24pom+y0tHemccRWk1Wzd4jDWWzs/1Rgmq/3HeSaWxFRirWkbGcg7zxB6eu8Y0xnNRsabNdENV/S7G3bdC4I/kGYL3K4PPbFLxD5xOr1lGk+UHMjiKJ3HqSdn44F0w0AumWk+gcDV9RWgnM6PiNhADe9MkSzXda0LymnmuSL/TRo6Vfay7wJ7t+fZi+dc3d7QDwPOu6UU4byv+7/U47DOgNPpZIEOyn6/I3SBVEymdEoTY5zIEdCO6+5DXAf7fU/nB/b9tb2nQpSRyMRpfkPKZwIOsZmVZslkwaDW31rFBtZAqyFCFkv41IVuHK+49by854y2jm5LcV3XBGYyVlCqT349favNc1o9tjlOVzOUrgUN7fu0k/Lekbf7K+VqNSVrkLL1uT+hr11u32qnK9KCxBatVae7RI4Am9qDq/WoTY5AKcumF6XpDtRbc5Yr+jWQsak/1OugyLJ5VhbgimTNlUqdIlPRiza8Wv+nWlPYNZWNkNXEvIsaWswLkja0E1xlXuYOz0DPDTt5zpX7iDv/XZ7573DLx+z1Oft8ReBAV3oEa/PQNMJ0ASlWzwwJrzNePJ23pvySmyILhC6gAmH0yCScLieO5yOX0Vonti1/lCoAX893S6PmvBFHAKgOKwQHVIWqks3wjCMxzeR+JHUTcziRw0xyR1QiKiNIRge7dilTK9puySZIESSBj+CiZZdbmqvBYouvqhHIheQKSTKP0wPz5UteH7/m4fSKcLUjeKsBG0uyBkhaKMXZGL4mr7clmtT1aemurXFqTqcgkisSbKMm3bJ2vbN0dsHbyGZN0Ca8VMNi61MhZ8jRHGEs0OnigFUKKebaYGNOwtj/Dh96gg903lf0LcvhL/NSSzanW1t9Wi2z/X5SImyxa1GQjVDK9jmwpDclGwtccxWTkYr+nSzZi0aaNG6AMczP84Ww6+h3O7w3wlfOIHi6bsC5QPCFFEdKjgRvgYD3fkHd7XjB0KilKu14rE0okVIEz0ZdrO3XmlnRyizXqgOvSiq5Ui1NWCO4gd1hz26/J/Tdgm6Xc6Fa7YLivDdtp6LMceZ0PjHHCec9l9F6fYduz41/xmfuuxQ30d3NhC5wdbWnDzv2/Q1JM0kzp/LApRz58u3v8Xh5TZrfUPJEuyhm62onwIJKq31bjrFCBG2CP/bfp7Nb6qPvpJab5VyXzFYhawUUzcvp5jXLetpmyZZrtjn/bcG2mq22PVY2r2kZp/biBtberdTy5HnL8ajU/b1B5u8h3z/49q12ugtrGdh42aV/SFh9sVQP/bSwbw4ti/U+KmLsGdf6stpuap/4NEKyPVpf18qxaEUhAI3kpItj3jpdpdQ/uRXp1gZdVUdRVx2taexmZdHazeRqFDukBCTtCFwzyEdch0947n+aD/zP8ML/FFf6MUO5pc+3eB0QdwN45jJT4hk9v0XcjJBwXcTrSOc8fTcg+DWYcBD6gAQhjAE3Co/HBx6PD5wuRxDFBVdxujMjr5aqs7F3dj1iMg3YmGdz5EEQ8YQOkMQ4JeY4Mk0XQ26qxP2Z1E9c+gdiGIn+AZVEINuQn2hvPo9U9F+dlQiSwSv4GfwEku0SOkzLGm9Oy6a/CORM8pnoMpfjG8pp5Ou3P+Cjx4+5OTxjHwZUmuhH60sFkWL1RxSabKPb9FnXto2nt5rOrAjJe0uf2jdo/6MiXjHCGizzYjVnQJapNk5BcoI0ozFZb2goEBSNGVVn9UjNC9Og6zq89+yHHd55Oh/WKF+rgnZtf2mkptxaZKpcpQeWvkiVRaq80Bi925LJxoirWt1Xa7pdDX0jaq083ljFrXHeiZVtUo5MceTh8sBxPnJ1d8Nwtcf7Ac0Bi+c8fd/V2nohxQta5iqpaXVp30QpZM24dF1P0WyljWIkwJQjMdYsg6t1PzWmvixiJnbCmvhIxrJomYI66Pc7+t3A4eaG/fVVHQayeqsYo2WJsjkzH4zRr8A4T0xpWs7ZaTwRc2K/u6F3O26fD4QBPvj4il0/cHtlmuP74ZapzJzzhdfpa+7ja/Ad8mbgvrb5mfHSGhAaKbPQhIk36lT1f6YkWnXdFkf11Lm2+0/JVvVd1AKxpla2WFN94rnro/r03jtB3fLSd001ujhep6vN34q1bN9oOc6NA1ZYZHfbN9gSwt4TSPoJEe+32umKmFHdBhhN6Bony4ldTtOSJ1h7rd5Fo3aZ14VgjlvXC7rRG7UHKp4SAa1sYis2sQhoVExh9TtshN1mQTZMJhtGpVZSQMZRqtMtG6erVWI/K7gSCOkWLy/Y+e+yyx8zyE/jLx9QpgOKR7XgZMSRKUOqzn+myIWYHvAedmoTeYK/QWSHah3nB1AHq7tgucbdPjDOgX7nCdGhxyrW0fLsDlxQQuttVCXmBBRSsc2uJAtG6hzbXGt6Wiw1Rx15JgrFTUR3JvYXUjeR/FjPgeKzJwwB1AbXqzo0+zXSJUEplDjDnNDZ0sspzGQSRaLNvcUMvHOe6DyzeBJKKTNfvvwRh+6GF4fPGPwe5ztc53ARqIIqWyH3XBF+aaF7i9K16XPXRakNYRtxBYUk9n7ei6F0MS1vcbbeTQtYqvM155c14sREQ7zAEDzTNDNPZ3wopGB1T3EBTUZoE28p3yH0NobQB0SF0gbAl0JqP3UVt5JAQwu+smR93QOlwZFFRH81UsqKdJ04ntbYbAAFOMRlQ1xeWQaO1LqjFpvQc74ceTze2/Sh+cR1d4vvWhahGnP1iwCIeM9u3yOyJ+XRavCuSiC6joXr0WrONaBoEonGzDcCnFNzENaWV0PMmsHYyp5SM5rijOjWDwPDfkc/9HR9j+86Wy95rftqAc0WrLQWOh+89QXPEV/HZT5//gzXBeTaIwFcP+MD3Fz3BBfYuR1OAl4HZpc5+EQ3HDjwjJdvvuJyGbmEr8hxsp7lUpaBHEpziNZRkHO2+7p2TzTb5hZHuUGLm++/Tew0HCquEkL1KVpsaLedOKnrp5GbhPXfLROyREztplvbbLcizbyX9e/tE98tN24dcFtNNdh7imTrMdW0u3Pvv9cfdPtWO911Zugm+qjpTX33Wi4Odm3yXgr7TcCC+pymPfouwmV7v5XXpS4G1tSIrs9pJCekkEq1Re0C1d9lYToasUNLM0hCEX3f6QJ1vgwlg+QA6QbvXtDL5/R8zJA+x5VrtBwoVYXG+RnvozF/vVIkUriQ0hE0gO4Rery7QqSnaLf05mUMHXhv6dt+8Aw7T7/zdKNg80tLFW+wgfBODE5qtlSylhlVmyakxXqc7foEc7olU0okRYvoq9wsANlNRDeSupHUT2Q/oY05nhUZdkh21YE7641tF7GiUI2RPBupqEQllUiRRCTi8ECHA7zzRPFEAkmtlvfyzVd02vPz3/lzPLt+TnDB1HasJLZkTux6UseuNcOyOtz3Nqa0zEaLwAsiCV+NTEsx+/o8V+uluabiSrK2nBIT3nsjP2F8h0ghzRdCJ5QOa5kqgmZzqt71eBH60BHq7N9SCilaOjXGSCyZOSWKa6IkVp9VWjbJLaz5tu7XqS+1ltbWbNuUy6+N4IKaXrEx/gWRQnYtTSt1DytaeQKXy4nT6ZHTeOSSz0gnuK7VRLWWX2qAU9nlu12PdzvGKZFyMSUmV/DBPjXmauidAzzqHZJrIFV5Cim7em1CLTs1z9oMTfuysty3TgUhDD3Dfmdp5r4z5rJzpDkjueByptGztAVjYkpmJRameWboO0QCd3d3HK6v2D+/IfSerjeuyM47C9Sis5J9ghhg6pSu37MPt9wdvsfb4S2d3zO7EynlhczYJEeXAKuY8y1YUNAyi2t/xRMc+MQeb53v+pQGOFr6+R3TutlHtn0t8FrS+VXze5Hse+pvF5utde+vT9F2UutleX8vbh3uSvTcHlv7UdqM8ned9E9y+3Y7XRy+Rv1amZKIPFGZaoUlfefstYC0oDW0LEvT/lJ0aG+BqbeogVlL+dJqGqUaFGhhqiHD9Rq7akDrIBZKaYSqJr/mKFXYwhiilZIhhnWLM+BsYwstHZZCBxrw48DAFVfuY27cxzx3n7DXZ+zSDleEXGaSL0SZmV1AvSM7YyL7AK5Yz15xlmpVL/i+s7aBCs/sfGZUM1EDOLGWV+8sndw5S4mqmIELDt95xtlaK+Zovb1JmxbzjEgmOBt47nTAlYCUA6I9Unaonyl+ooQT+Avx8JZ5dyZ1M9kXhNaDXHsb+2xs3OsJHT2qAZcDkjvTYaaiwrngLlbHC31HCVJbKGw1UNRGdEUHc0CSDVp4eHiJm2d+8MV/xzHx6fWfZXA3iB6qUEZBXAYXEfUoXVWtqm0GLRDT1tSwhbtNhcAOISexQCLZsHHnhJRNeMTVrIvPHb54GwKRI3O0lqkS6lr2mdRdSLuZyUMuEVTptcd10AEhGOqI85k4O075ZCnV2eq1RiysspEhIMERfGeEH9e6BvyCWlBwNWBt+uZtD7V/ad1/wLLfSi5YliiZ0xXIuqp+iQriMwyF4/yWGE/88PF3eHX/JdM8o+Lo/TXB74nkmr607IbFfc7S5r3D+Y5YbCylSah6gvQgDtXKMSiKE4/v9qCOkgvOddXR1nmFy7fR5TVskE/OmaxmKyQEfOfZHa45XF/T767o+qGml0EkLxk0AVvVqki27EcumTwn0pw47Pccrg48f3bDzd01ru8sY9GbEcrNwjklpcw8RcZT5JxmzvLIWU7kV5lwtrENOWRynimaUI0YicsGMuQF7TaRHsu+CY3daxFGaybbXvOn2Ud7wDW9oLb0nQ1vWez1Isu7wCPTUV9scmVYV17Ngq4Ec8bbtba5NEsteFunbsdYHbBSnedGu2ELbqVlWrSY/XZSWe/2pDYs5ye5fbudrtSalxNKLYeuF7u5y3dONOvd9ox1LEtDG+3u5tWy+mKzjW2TVK3VDbJ1UklS1YguTpl68USWlIeTtZ2mVIdqTrs53TplpqGLmrstwRyL0tEzMLgb9nLLgVsG3RNyVwlDyebsksmu4Jy3+p/zVYC9BhP1sxBs4HYLMp5Eso1+I2QxpS68LEhC1LRWXW3cFzGHkHIkpsjcXi0JJ5ngZkDMuKoFHfahvR2Pn6GLaHciDxdyP5oohiiBgKguAkslFOgKOhQoDpkyWgTosJlMkGrfajfb9/bJV3fn6+Yzp6tZIQuSzKmhyng5ch8nXr/9AVe7nhe779J1+yqL6FgnSUWQsqA6wa3XeVPH1Ipi66JgW0O15IgFdM6KmIDZdS9WBfTFIVmQEszxNiZxmiliYiHJj6Rgx5M10hWHlIIPnRGnrBBLjDOlKHG2emKeDUkIYvCp1eOxthofAlIJSMt3WMiIUs9DWzUrHnqynhoqVq1ZjwIuLYbTeBJNmxzUKbjMOD1yjm94c/6a1+eXVrLwnuB3ONeb3rH1Ti1BjNQadQiCeI8bPZIbf8IZS1sE31i8WnWtfaD4QnRdfY6vmYdN7bFtj0WXWJamB8tQO5wPhK6nG3b0w56uG/Chp0nErlZFlyBBNCPZgi9NhRytlco7R9d1HA47rq/2tuoEm7gm1nttjqwQNTHOE+dx5HS5cC5HRr2gJ8XPwT7RF4pL5JJAjC2eyavAiTakW8tkYnKrZclLmL3ysn6L9xBuu9uQballA2H5zeKE207aeMyybb+vrn7ba6vNAj91vNqCwfo2bJ+1oNbtYy17ufYbr7XeTeioRqBUVbxfRYy2ZK0fd/tWO9123p661aest6Vu9G6aoD1HV4Whxnna3jZiMzTg3Ixme0JjPjdvvRBDaspaW+q6kg6W+7QEdVmRVkOWdRRc1lwdfJ0Krj3gINpOc8kT1LN3PYN6QkpImsnphAsd4gNhPzAMPbv9nr4LSL9DnTDniEuWrhMtNnQ8CK6rsWsVJy11cYkzxFhK5nh85OH+nsf7B6bLyG7YIQKhc4uKzzSOTNNYSTtaB7LbvFAnSl/TuTYAwFFktvaWLpO6M7E/orsz2kfyAdzgjbyBIqmmsb2VFIKza1IOZu3yKZJdsIyEmGEtRUgxwzngi2O43lmo400/OWtVrZojkhKuzDY/tfNIDRx+9/d/i+PDW+7CnyJfC3s9WA+kJEQTKjPQIXRs7QmyNuq3SN1ILG30n6VuG7GoaCFmU9UqJZMxNNJVF39QO3sDQlCrnccSeXt8RSyRMU88Hk/c3z9WcpZnuN/RhY672+f03UAXDgiOFI34pMnaurowELpgaKzzuK6zGbDe4YaAVEfcVq9qYzNjs5tVlva7pjTWWPeNYSpQaQJKjsZs0yaS72xWsw1rcPggXOLMlB74/qvv8erND/idL/8H98c3RI30PpiEpDhSFUgpmo2Ba1Ad1M6x9wEfAj4Xm1hVbB055+kCNYVcatDhCKFjv79iocNVVa62l1ebUYOsmiovUGflBrqhZzjsGXZ7+t0eF2wgb27s8yYOk2xW9DyZ8EYjVoHJbAbvSCkyjhemKTLP2a6DQNJILpnHy4k0J8bjSJoS03FiihOXOMJQKH2h6wIHDrixo6QAJdi1ICPFShUW/EnVk7aWOMQU32xaVWtv0+q4ms19z8S+d2s97M5vTl3jAWycbktx55IN8Za15qyL4Tc7tRWAa7dvPIZW6xF58own/kPbIa3lj7UH3f5Yat91KxmJGI/jJ7l9q53u09s7p1ibs11/r3978muDbO3B9X5N8+r7i6q5e9Wyoauvn6ulsCahZPPauiHV6rPrkPf6263RVkMCpV54UWsPQrzVEUvAF2/9uRII6nBZkZLRkhDx+CCEPhCGjm43mApQN6CIKdCIjehztJXGQn7Qd76vtTdkSk6M45nL5UycZ1Om8nUwt7f2nBRjbdrPi9Scq4bKJkJRpyyt718kkV2ylqBwIYYLJUQ0ZErAUHVZ20fscKvQiBPEFxtgEArF1QyBxeGA1coLUKI5EEk9zmtt87FJQauhyYia4pBzHorVTh8eX0OB4+meXXhGF0zTWXy21KpmCy3a9dS2VFYkZDWhumZEF0P+VD2N2lZVmbPZCC+pKF6FIAWVyjSW1gOcmOKFucxc8shpPvIwPphsoHi66WySjj6wGzJDJzgCORrqEzUE6wdvNd6hw3cdvq9ShV6gs77hpqD4JCtUVmNY6t7Jau1GzcGoUgOnSj5rr1NLGxqwMLJeKRgLHCHmict85P74mlcPX3F/fs1xfEQZVnJHJXK1HnlDSa0vuiz1RueMQFbaZalhgGv5z7wsSpz4Oo2rSm42dF/TkospECzYaHtGLKS2jEIghOrsfahIWdZzVmv5Vj+1a56rfKYp4dX9U0cvphiJKRFjsmsiypxmYo6cjifiFDk/XEhzIp0jU56Z0oj3DtdZL3nnegQbU0lpAjuuXg+7nkYcoGIBs02trejJ9/4xt21Boa1v6lpfbEuLThtvYMkK2XVTcW0xUJwuWQV9AqvZWKs/4KCWevK2ZtyCpZUZ3dYErNwfW0q67GW3EHXryEx5B33/mNu32umWtvFZTyLAtoCu8I0IdnkqNQ2ka0poiaDYvK455VJVgZozr9GXESo2V60dQ3Nk2wWqoKKk0t5XsSb1aGvPt4Oy+oG9e48wgF7hCPQl4Alc6TOu3XOeuWt2ZSCUQnAQdo7buyuubu64vb1jtz/Quw4n3shZJSPljEq2sWzFUHUuiZhidQQeX9M+4j0qmbev33A6Hfmd732P4+MjJc4EEbr9QEyR0/nIeTxzPD+SKfjga4pUCFWeMNAZ61E9VrUeKX4idm+J4cI4PDB3M1M/k3uhdGLiQZjMooiac68WYZEOEfCdI3dQukxMCWGywEY7ijrInjLuUA3MDztcL/h8AJ8IfoScKWUm6ExgqiFSQcQyAafLAylmfuf3/wePb2f+1Me37Po9u05wTuk0VWEJ6+d0omjK6MaSh5qa9QsT0Eg/bfM6BwSP9oGUHS579JLQGJnPZ3SOpFnwKpydgBSr37qZS3dBethdDbzNb3l8+Zp0sXpgJ6ajfJnO7IcrPrz7jKE7sA+3BNez767p+p7D7Q2+d/hdqAg3oN7KCerNQOYaiRqz1dLX5kMNVSq+imkUcjFU17bG4q7aXmv7s4RqgHuyFpJOzJcjY3rkB1/9Fl+++V1+90f/jdcPX3CZz2SX6foO2SnZRaJG4hyR5MjZaqKuSG3/qwGaE7q+B8RS0wUj+WEtSoZuN+MxxYKutYZnm7ipiFG7bIpb7Y5dbUWdIeOu79jt9wy7gW4wpnTRsmiSmwJXIxIWc7iLYZcntiulmTJmXr78ivPlaGUjTTwcH0xI5jSSUyGdbXhGF3pmmZndZMHXzjEcdjh/R//qGv94RYyTXQNnZZFAYyvbfYGlqXFxmIsWgjzRRdB6YZf07LvWtgbepsonNaFWHWC1kdreV6u2QWW11wa0BbwAC0+1BW0/PgqQze93jmyDy7aDDSx4tm/jNijEgJBBqHbc+U+C04VNeuLJA6wbukXTf2CRWzbodv23vUddIPU9qBHPkyu0vMv7798cravi8I41/YSyTlxrgWNFzUukoIq2Yo14bPj8gJOenQwE7Ti4Gw5yzU529NLbyC/v6UPHsB/YX+3ZXe3Z7XY4rf2XJVltprahLGtQGrq2lOx2k5WK3s+nE8eHBx7v7zmfzxb5OnMgEdONzXWgAc5EHdTZJvUWLOOL1aWb8paNGStkN5H9SApnUkjkkEg+kJ23z1FqJclaVagIoV3wql1vPwGTenTZ6mMqVgMXoWSHi540BZwaenMh4DtQTXi1VoiWn1DNNJGUnCNRRx5P9/TylvHuXNG21UhFCk4SXur4QMmoJtAmkWBrxfqWQ/2MslyEldFpjFovARyEFNbjR9FsfaQRRV0h6kjykehmgniGXcAPghtASyanSEmZOU4MYUfJyt1hIkiH64xtHpwneG/SqsFbqcE7JBhnQpwureTGVViSgEtfp812BuszZ20xWvZmu2PIYLu3WokzkUglMqUL5+ktx+klrx5+xNdvfsDb40seL28N8Yjgnc0dXuQ+FujdPqqt6ZZvsu+qIVhLkq4/zUvIJkJer4d7IgAhDelWhNYQV0t9akXVloExIQ5XW7TModlzm3NrAiGrndIlHiu6ooZSxUNOpxMxRxKRnBP3jw+kmEhTQRMwCSV0SO/JIVOk2EzlncMNzlK8UtnspaZJN05la1KlZQKqZxWpYwE3adonoKIB2pY9oznjSr9qSHNzDo0Nr08+e+u4l9JqOzvt2jZT/OP83fve/+mfVb/x9/Yo9L3H7VZ0e0x/QpwusETL7Ss3qntbxGWbH37nZnUD2aDdeql1u1rW91uRbnO0K3xti0O8N6MlllL1TvDilvYJavorJa3TWJpGq9WhJGvtx6QSUzxSOoSBm6uPGMI1H4ZP6MuO3eWaQa94xmf04cC+f8Zud2B/dcvtixfcPL+j3+/xXUea1XpB54wk6HpHPwR2h76O0vO4YO1FUtt92kzc0/nMOB753v/1P3j7+iWvX72maDapPIGUIjnNFjWj9EO/ELTa4EETYIek1qObNRvSDkdymIjDidRN1kfcFeih+ELy4DVVNq+1X3TVAORSa4okRNWGD/SCuzaiSEoRYoIMyh60I897UhJi8bjO0V08oVfCzYHgEt6NzFkI6WLXKGVamFuKZShevfmSOAo3w/c5DNfc7Hd0nWM/eLxEOrH2L6slKoilJ1Wh722Y+n6/NwGIJtoSHOI8XTDnigsECSADh31A8hVp6CmXifz2RJkTcTyTNDGlkamM3Jd7rg8H7p5f8UF3g9x8zOVxZDxNfPF7X/Lw5hF/LsR4zQe3z+m9p++g90IQoGTG6Ww9nkNn+tvOGcp1xmQ2NJfJWog51h7TaFLOGWt5W9pfNmTGJaizzZbb9KFGnABinrl/fOA03vP64QtePf6Qr97+Hl/d/x6vTz9izCdSmQlhj7jAFC8kFxhzZK41ckv/ltXgL0jIIl2b7gMuBxsIkSytK7UNJISOd6N3k7D0y+PNCTgCaM3EFkVLtmuOt/7c4JcUvfPO5lG3aLseZ5wTOaXFDvhg7QpWz09WwsF6l2OM5Dnx9vE1qURiGcmaSXPBS+B2eEaQjkEP6AzzPFH2GTo4PDtw81PXfDV+n/N0ZM4XYh5JOlF0xjFRyETigldaXGHRebdkY6Smgrep/XcBZCUWL7/XqEYXMMLifGuWsSHYxZO26Kls7q+XppX/yvaA373J9vmwajS09dFaRNtn12vr7DHrLqkhc0PBy1eR5bk5/wlwusu20M3WrhusLJEj70SQ9SbrMlj/9E5SZEGgDQjaVVuvV1tNm4tQ0ybipDrO2rNa0a7U4221p8Zg1NLiKSoK1iW1I7rGmn3o2fUHrsMLBt0zlBuGsmfI1/Syp/d7+m5P3+/o+g7fBxNxCLLYIXEYycM7YxrXqS8N7bZ0iVSRCwRTAJonzqcjp9ORlGYaCkTt7ymnRQjeLe0AskGjhumyM3GGwoRKooQJDXMtvQoiHdJG9QFSUZSszTZPrsu6Kc3JizfHW4KiXQ2YimJDZQ35KYYIVGvbE2LkNO9xAbzuCXJArdvVZBeXD1RStlao83hCFbwk+uzx0uPFoTIheFCP86XWjGqwFc04932g1ZtFxNqEMLRIFY9oSmo+eOtb7noTw+htTi8lIgW82PxUiz8LmQy+0O0EYWDoA6++FJTInEacOnKOFE20sZJakklgzorzBR8teV8QK/s5qqhKZYJrU6Zq4v6r4Wyj5tp60OU6VSfb5CqLVrEOJaXIFC/cP77k8fyal2+/z+vTj3j9+H0ex6+5xHui2kQdtLfvUIqpPtVjKFo2KaTVUpgNaKlN6y0Ovio+5dyexdq/Kds3eFIHbObDWqYM1haxdHJTQdoq30kbGrFFw62OW3vbt/ap/c2GPlT98mr2czb5y8t4Ys4zSWfbX8WGXshgc5Y76SoZLy3nwkhpjpRnLtOZVEaKThQiKrFO3cpkyZXMad9tOR/OVR/bjB3LTzt6Wa71+u/lrG3gqmxeK/LkUq0Od8ko6vJ+LNdna4jb6tq+0VPnK0+O7Ckqbb5++a31mFTfeZ0ugElWYE7jEvyJQLotPdOil+bM2uZrKaNSqk7skjKqbyDGwFTxm4XyFBQ/SXEAwbWLYm9S6rO22RZf00ldlZnztQWnzcu14wGi1W+SAmQTuqARstbPtK4R60m+vr7idveMT4efY6+3HPbP8KlnGPd4OoLsTPlm2OG7oRJgQIMFDeIUVxUvfDaCVb/vF8NRaquSkaUrMcrDeTpxf3zD6zcvefvmFd5bQHEZj+RSuExTTXelte+uno9QWbuTfUsmN6FMEN4gLuH6aApWXcBLwHOFlpmSJzouCBNIAkmmFLR0BmIKWyaSWTtAFNfXtGy2iTAwA6mKQgSK7gyacA1ZyARLN7tgqdbdDbuy59YfuLgHRnmk6BHVGXHWNlIkMZcLX7/5EUPYczns2A09MV7R+4mdd9ZHLIGus57opvGd4mxBmIMQPKGzlhUnkL0HTYjvTWnIexxWFjBR/h3OBygdxEyKB1KZccVzLEcepxMFeDi+Yc5HMidefPQBt4dnvPzyC16/ypyOrxn1yJx+hqx7jIgVGUc7k/MFZOpweWfknxBocyils+EMuU3QybkGRCwRbAsgUyWBLYa1Bka5CvkTDd1NpxMxTtw/vuI03vOjN7/D2+NX/PD1/+RS7jnnt2Rn6mETmCxqGSzIyIpLyhQTU5yZxpFQOiSH2h9fBwrkbGMdq6MU5xh2A5qUMU9LO1ezD2s7VEU27xB2XG1K9eLNmXtFKtmKZWqRq+QpUzkTag9vsvptEyFpVt45RynFBj7Emct4tr52zRSNZBLjdOIynXk8PzCnmdCbM935PX0IXA07Br/nyt+QUuI8jszMzDmjsVBi5vWrl/zw9e/yePmSSV+R3IlCpMhEoZCc1lYeG+7g1NaxF6Eqg4CzHvJ2K9IEfppzXJ2QIMvwi8WgNeO6Oa3N+VoLWT3v1R66mmFx1j9W+2LXtHvLZMjieFdv/p7Tr9dwC7ZWt67L39qfXSt/bL9TFTbyFUgVrSKEP8Ht2+10tSnPuKU9oWx+Wg323Sjk6amvzf+b1MP2ecqaNnauMeaeumWp/21pF++d6boGq5FJSx8u4XdlDHtbUs5J7SldI+HlKNtCNYxIjGdGd2R2E50kxHlrsvfW6F+KUCe6LcxRV9m47TxsayrLN13AvdXp2qSgcZrQKXGsGstTnIi5TrZRIU6GbuccLYXsW+FrEyUuRWuqyIjVISVE680MhTaFSLHxhIq1wqATxmA0dNqEJJbxdq0/tlGandUZJBRcp4ShpQ+NsmX9nwklIVrzoaWgWcizklTIzuPKjiEI2gmoY4o2bq31SdctSMwRwTHNxgcfOyhOEF9ntlaJwdCkPdupcI6UrVczNCUlpSIck19xlhMHrfrgtaMbrH1LvOCKzScOOtDlRF/2qM6M5wuX+cx5fOC6u8UdWpZkxxwKrhiL2Tu/rDNXtSY778AHLNQzcpFJk0KJNugh51SnDVnWglYi0TXDlEsi5kQIvs4OtnVxvhyZ54npdCGnyHy+EOPEw/EVl/mB++PXHC+vGeMDsx5JXIzkJ9YfWrSef12Dr5LrHN5koxa9uiX11zJfRWu2x5k+essiWIvSkkBcd/aCVp/anGXfV8Nge7/uq/a6OrbQ2rUsYBaqJnWxzWmSp9XA1yES7Tu0OcSLlWrI2tXrhK2V0iTqgpWyQrDShXdCzvXAq0dIY2J6nBgfL4yPF+I0keKMuoSKBa8F41dYFFztosg7P/oUrTZ7tZXI3aQaxJbwkgGg3n9SB16/5nu3RoNZugF4+pqGjrd9ufVAnn5AvdvA2BaTP3l88x4Lzt08tq0hv/dxP8HtW+10GzPSyAuyaIUuC7mehbKcyPVMNUKTUokK8j7KBZDKTvNbB1UjVjAzaChFqkiEW8goIQT8MsdvsyDFUGcQi5h8sk2U09re0D5K6pAAykwB3jz8gHN45Hr/XaYucbh6gUigdA6NMKVEl4QcPS4mXCoUF03XtqilIp1fjaiuUZ0520wqcTkvj4+vOZ3v+eGPfoe39694vNwz5hHqsU7FVHxcCPjg6XZ9DXaqoavGWIuinbMMb2fOUboZ5xKhd0CglD1OO0R3+HLBSSDIhSyFKIksqcrQ+c0GLTjJeJdRKTUCz4hTwkEQB9kJJQjzKVNmRXXEpsNcEM2m3JU846lQQkeIHX244263Zx8emPMjr++VU+1FLRIqSQrGdDE0p8I0ezQf6d2FySkhDDaXtq/CDE2bWQ2ddJ2gw8Cw6+xCY2g4xmRTkZwz5qwvFJdJTgmp4Ap4CVYrDoIQ6F2hlI6bMHNKr3nz1Ze8ffial69/wE5veH74iEN/w4vbj7iUCMWz398wDFf22c6z2x9MSGLYkZ2QKtI25rrxH6bZ+pWnaSKlxDzPlJSYLqMRtkoEUZMZLYWomeubK66uD/hg496+fPlD3r55w5df/Ih5GilzIufIZXpNLCdO5QvmcmTU10QuZC7MakrbRfeYlngP2BB6UUecZ6Zp4nK50Euhz0IbxLA4p6TWfoKg3tPbyCC891CERKqZqFKlIMF7Gxa/rOeapWoO2dqMpGqEWwueDbyAEAJD19F3nU1uUiBlNNoIQ63jEVub0DROxBgt0NV6DMXSz83Z9tqjrvB4sv2cZ0tru8ERfGC/31k7kPUjWupcCkyFy6sTc7lw/4N7Ht7cc3k4MqcT0tvorexTJTU2M7e2B1mQ7gygsOGONZ3T6hBN/lMXFCrNRlbhyBpDGuPZbRzi1uYuhrjxhpXWjiXNhi4gqwV7av3ZCFs+jj1/Mfu2f99jGa/3n6SIdTmMb3D2qx9oxMf3n/TNt2+109XF6dqEmGVqRTPysKmdbBGsLFFQU2Laim8vqFWgsfrWqLalQKpDr2R6aXXbjdNtaebambs0urfQubUFei9QrJHeWIyyLGjFekidTwhCkRNR4WH+PjmfGQgM3HBbPsWVAS9XdoDZ06VEiAkV61H1NfWSaz9gTIWU13mWio0Qe3x8IGclpcL9w0tOp7d8/epLTqe3XOYLc57XcxlclX404si2frcwSRthBptMEsShLuCdpTYtS2Uye4gJYKgrOJcrwjUSiSyc/bVu1xCutOn1LlcFqGzylOqROVCSIxp9vPaXZmA0FK2CqkdLb4pMuSeLkpPVQ/ug7Hd3IIl5HqsBri0C3o4n5YyoY5wyRQRxO7yfSWEmJsF7cD7UQe5+WSc5JbquJ4RA3/V2fLVfVUsx5nfJlFCDMWVlkTpwKtYKRQcarSVqdsxHJZ0dOvWUsaOMgUN3x/Nrx5UoooGr/XP67pqU3CKy7wN0XlC/9jS6GmA4AV+n3hRy/S5QvMd3jqImKZg1kzSCXdE6DsHbAHjNzHNinhMxJeaUK4koW2uROkoJFDr7TmJroNVavRyAAe8GvPSIWp2x5EhJ0ZjzNe35TSZw4X9UaymYypaKWObjHT9goxbN6TrnrAxdCisKNvlZa60ztKmV19GFUB1uIDhfE1YN4dYadLY0c8p2PpaRiayZvJxt7rKrym++2hbnHRTrJRZn+69IIWkiR2WOkRRnYp6JMaJHR/GOIQ7cyB3X7hkikZiPFI0mB4uiUntjxUY8OnG1umD9/CJana4s5qz5nVbuXbxVJV6x+VnK23X96BJA6/J+Bj3L8l7WurM+Z0Wlutj7xau2v6Or3vcCLNbXbK/xu2vknVXA+uonz6xOvCLlb1hv33T7VjvdVDJSjOiRqDT8dhGWVN47Be72WLu7zTCIsYwb0WI77qkZmPYmS8O0ViJMbbi3ubB+SS9L7bUrWpCKysXZFfI1auyCpcKytzR5bn2hUszxSoJgdc1MpOiJL8f/D71eczx9xZX7gE+HP8vOPefa/xSJQkzg5g43duTs6YJjcB6Pq7W2zDhH5piXPrmiyvly4XSeOJ5OPD4eefv2K47HN5wub4jxTIwWhSPWdrDb7U0asOtAdan1WW2vrGkGVXzdCMFZG4xzz4CKHnA4eooD7xX1Ge8i6iJFok2ecdXhtusolokQV1BvKWgkL81InQt0XcCnnlQc01nBQClFMugJdETKjBJw7HDsibFHSo8rVNm+PXI9c7Xf8+rNV8zzRCqKywU6M1JTHk2RJsHMTHKCk57ge7yvgyJCj3OePvQ4F0hztGkz3rMb9gx3O1rdT3NFC9VQ5aIQ1iBPfTADDKgmSo5ojjAF8skxvoF06eF8jR73pMeB2/5zDh9k3PMBR+D26mM8HeNJ0Wz18b7zXFXGusUzdYqQmCBGp2JTfZ2z+l+wmqQEQ5QxT8xp4jgdyXWsXScDXjsu84UpToyXaOMbU2HOFrBoKWQJFO1RdlhvdEXhYsxhLx4n1zi3o3MHq3VrIQjkOJLiSEqJ4PIindluGzC2OF5xglNfW72EZM22T+xFm7u73hebgMUakKCCBkGyWI0brGbc9ez7HUPX0/lgTjRlG1eZMpqsR3eaZpNJnWZKzguaM3WsRMqRLhiXwHtrHLTAvpYAnAlwiHdksZ7feEmmSDXNxBKZy0zG4yfHdbnB+c8Yw3fY6Y77+QsSF7umLiMSzek6q0V7aZOxFC+tL35jD5uZbOknpaLYuklbH69r6XGpbPDVab97zk0sZJMZXC3vYt/LRlDEkG79yE0Himy84Zb/s66LVXWKd/729Kbrd9346Ky6PPQnwulausc4rgmpCGRlia5noUU/7a5uHoVWL2lqQa3Xc2EcbxzwdjC5OdMA1DSTtEjUHK715gk2k9scrlMjSwi2CFxtz3FtA4uay6gi6DZQulCI4DJO7Ntm/5K5HDnGQtYj+3jNLCP4Ae+u6VLB9cEk50oPpaa4qgHPWcnFaO4xZVKMPKRHUiyMY6ypupFxerT5q3muU3ms39T0dytJy6m1AekaxZtKekFqSlsAV2yaikYq0eXOIkRv5K0cMuIiKVzAnVF3okikdk1VwZyaWpKanXB1U9YgRV11ukugFMF1IMNawan1tZxjC9dQgmU91JBu1IArO5zv8L4j+APOK4fDSAgjng6QKhJRcGo1sZRt5KLoBSeJ5OJybN53OOcZhgPeB6ZxJgTT9T0cZob+sKoWKUhuEEANhTQR57qEnQoGgB1aPEJHH/ZcDXd8cP0Zd/sP+Oj2c14cPqHLtya7N0BwVm++2r3A0dGJUhLk2QLOOIPzSlBpo21N+1jEkCVCEEGlVBRYy39ajDnrB0I30KqEvrfvVHqH9z0ff/JT3Nw+5/bZc2KcidNUZ9bOxDTyOL7iNL/h1fn3kXQkpnu8CzjnCe4aJwOerhrUC5TINJ4Y3cA8z3jfUbqqR6bF2OnO1wlkstRQG/nHQJcQvK9GvbKZa+aM+nezAb46hYrKaqnDtTaYqlblvQXeXQh41+Q/ayo5WotQnOYF4aYmkJEzaZ7NJrjVvp/OJ+LjSHGr0EoXgmU5VJimGQWO4wlX3JJCDcFDAUmQJysdgeCl40Y+InQ9ojDrmVFek4k4udR2P9tDJlNabNhGzXNoDW3X+dCNxNTSgotI6JIB9M7O3SIh2YBMyzpqs8Mtom4odf2MtomXwH6DdFWpREtqettKDH+Q033X4bL52zfe6nE1ds4WVa9jPP/w2/9fON3t6Lsti7kli+22TTusWLfatLWHVmprhjfyg/drf+3TCM/ySUX75bFGTrI6UKjN8DVMKwWtDrdFcq6110BN37mmxFaPUOrvYkQasQk+OCHLhVICj+lILG/p8xWTXFA50PmZ3rnKNA0m9FA8uZItEtZrakO6lTlmLpeR+/s3XC4Tjw+nagQSziXEJVKZrJ+v5tp9J4ivwhdCZVlWp5vtx2XF5SZoIfiSgAyzSVn6cmPyW4NDfST5B5KP5FAdrjuiMlOcDQG3XObqeJd96Sx4UWkZAixtLW1vO2DA2nAAyYaO81TbmgzpNgJZTD1IQNze6tTBEboDfRe4KjNdfyFeOiiuGmVBKNZTmUdbk6XH1UlINr0l48Qcx+GQ8b5Di5HHcoZpnLm+ekY/DOx2AV+owYql5TUpSeq6ldUZlqorTAmI9uzCHjcI4bZKOXYdwXeE0tEHjxPPbrgh+J5df4sQmDvIsXA+ZkpKzNNk6K/p7qKbNjKryzoJ1dO2di67JMUPqFOugpG/MoVkU4uR0FPIDIdrihZrW0mJeboYOouJaR55+/iK148/In5dKOdXnJMirkNCR3AHSytXxTbVE1Iy0+WRkZ5xnPB9T3GtcSobHaxyK6SewyZI0cRaRSC4YI66aSIX+3cpxfZzzWQ9EdOgrsmmJla5Hc3pBl9n+ta9UVKipESOkTiZdGNK0bJPxYhU0zThvWMYQj024XQ88ubhFWHnCb2rnICenMxZjeNMzJn+/Ggyq9kT6Bj6AZccAc95OjGfJ/CCdz13h085hDscwlSOPCJEGTEt9EyRbJwTT219zFWApFDEV8vV0q7OWirRxeI2h9xmQLdZwIhbAt8VD1fJRaoKFZV0+cSRVXtYP/JpVrOYUuSCdIWmUtJSzAvBttqFH4dw292Gwptspdug8uZ423PerxV/8+1b7XQVMz4FayNQjBhIQ72blMASnQg1ImkRri2KpSfVJJNs0HITohcjAtjzvf1bauOihPYBixKNq4bJnLesnNtillTVHESs6jS5jdbzphScS+0Dw9Jaoh5NkBfUAaEzlSQXQJMyzTOUE5Jf0svETkZID5TLDXL1gjJc43cvSH6gDLMZJLV6z/E48vh44suvXlHKTNbZBnyHROtTLXm2upZ04LwN/hZLVZvdqdFmG48IqKs9njUl2rmdUf8DaFCm/dF0kncR9TPaPVC4UOQeuCAyIc76SL06c0Ragx83omLtDbhKkBFnIwAWEfRi9cVkvbFkh1NfDWeuZeFmJOy5SkTdSHGB4jtgpKSOferpXeDQf8qhE8pgKdE4noy5m5sxsPnFiQsi89I7C1qzFI4xgsumq2iSkab7fP/misPhmt45snR4BmOLVvawzyBYRkVyU4Cyfm/ESE+9vyaEHf3ugA8doetqRkYomSomcgDtKNl0gEUwQtaVoWcTZ7F5syqQpdRjqO0TNJboklc0UQhavdNVXe363nWaSKhqVs1w73dXtheGWFPTVj4ZP/mQh/OHfPjRNb//5e/yvR/8dh14kBbnl/JIKZFSJgTlEk8mcTm+xmlmDDt6N1TjbnrkrS7oMOJarnKVlkZRK2FQSyKLmMmKdr137xh6c7zqqKz5YtOYqk1pU9Ao1lpl4/6y1VhLJBZzlCVrZV/PKJnh4AhBGAbldBm5nN8wzffM8yOH62ccDnsbMZqVYxxJVbxFFLgkxAu7bkfnOwZnbVElKS44+jiYnZHMJDdEnQh4Rh4RYNQjSYrNq+7PlaxXB4+2aWBFbVykNDY91V5tYI6s9nVJwzcA4toQ6so+bzF0C6obaZ+W4tqUlLQFeuv612J2f6OxUmNyu9oVw1gWY80800D20jC0OOAnTmZxuKiRsFbQxfL8Vpv+SW7fbqe7MHDrZIpqXCwaEpS1EL85R4sztksibWXYHy2vZzUtZwZEqHNMpbZQiMNma9rvxWxX4tMicbb8hiaALxREavtOZQMWZwL96kxgQF07vjWv2sa9FezvIVivgNRAIZaIpgtMb0k6U5iQdIHpSF8UNyf6fKB0DhcmG+dFNNboeeZ4vPD6zT3OJ/pdIvSZ0NtQ+ZyjkVOcIs7QM87aeppuLU1/aIn2arDim6SFoxOL+jUk00bencjdTD4cwc+IfwSdKPkEzDiJhlgd+NmGc3sscEluskZ+39JZA0Kw/Cl2zYtOUJKl7ZKak8MjzhxkreAtm66UTHGJwkxxI6XWzDQLXX5ByB2H4UOCH3ByJueR+/iGXBKqHTZqcagoYV7Slu0aOjIOYc7FRsuVNo9WgcTj4y1C4e76xobGh74G7jVToII0amnRjZWxLyN4Or8HUQaPKSF1PXMqxJjr9CJFdbDjza5ZSyud+iZ9GXBahSuKTXmxx11FtbJslba/mjB/bdyoTrcmGMWQiJF9GnpRQjBp1DDY3xMRDQXdF47jM27vdoBw//Ytbx7vydPJGN1iusm5yiAKJuQxuZ5xeiCIJ+5HSxlLj6MgxchA7ZqIq7ZCjDnfgmT7Tq4iqSpIUftG3yXctPQkRavTqylhWf0LSk19ZltfpZDVZC5TMVW2UoO2UiIiSr9zhADdoDDNTPGBOZ1I6UIXnnO1G4izKYKVlMhzsgwYgk4Z6QP9EMzpht7G/nnLTvRut4CDmQNJZ9DChStGjggdJ3kAp+RwMRsYsp2/EnB14Egi0gaZbFul2P6bNYPYJmzZH+18UdeUOawVka7ttw1J+43DpTrbd5EuiyrVglIXG9peuhG60NUtbH8vty3Upf3Rgtsa4/Lu03/CyX5//E73V3/1V/m1X/u1J4998sknfPHFF/XglF/7tV/jX//rf82bN2/45V/+Zf7Vv/pX/OIv/uIf+bNyWTKO1dmCodwa1bxzaloctqSWK+/d0CyGbu0o14vani0dUNNHUo03bkGjpV7FTO3BQyqSkkoo2kRnuTXRV+nC+niQYpR72S4YrZ/bonT7W1GpzPhE4YLwiqAmdj7GPaf5ipO/YeevGS+Rq909l9uJ3e7AVejAw/F45uHxxP3jW07nR3KZwSfUVXUaNZWpnApZPaoOcjHUoJVw5vrl/KrqMt5K0IV81n68FKsphwkNCTmckX4iDW9QJpRHpGSci/Ye4iyt6Ao+gGTw1jhS63HmcJWA6ICnJ8gVXo20VTLkFJnmwjxN5OTNgda0f3A7SyEmS49ZacFRArhSACOaRc0M4ZouXLEbbjjsbri9fY7qBS1fM54uPJ5npNS0a02QtdmjLW63tKZZB2OEBhQlphE3wePDa5wo8dlz/M4h/ebkVV+7lMPqOXc1va9YBidpWj5vTokSL6gL4AKTWhoznyMeYai9syVkiivMXQ3kEFwGl6QGtkLwA95Zqto6WRoWaZZuOYgq/Wnj2NoA9BYb4FpKXinVM6m3VV2w3tv2eVdXz9jvbhi6A0M3M3eG4kyetDo5WuajUJi5TA84PMf+kX0PndvZzGEnVvIoiqOzXe3rua18i5KbEIWlnq1vVkynOZelNOQ2QXpOyeY7i5WIcslIHXghNfXWTk3KyUhNMTHHSMxWy43RVKX6IRCCcLj2jOOJL778kofHt7x69RXeB54/e8b11Q373YHT4xvOpwuIDXC4PlwRgqf3PZ0z4lYfeoZhMEWfLHShkKogT9FipEp6xnwDCgeeISKc5YZJhCIXcHU+9AJKqI61diO0coOv/cpLKe4dLkz9T4tpGlpcnq3meNuTxVEzDrJ0oqx2XNZUPq3cZwi0VHDSJsTJe9504ww2qFgb7N3C1SdB1madwybifPqMn+T2vwTp/uIv/iL/6T/9p+X+lv33z//5P+df/It/wb/5N/+GX/iFX+DXf/3X+St/5a/wW7/1W9zc3PyRPqdFN2v6YNFz+sYwRmX7B1hd25aJ9040tXl+i+BcQ7wtmq+pNiUvAu6lqBEYENrM3S2r15xu1VrWUsk/jXEENAHy+mXqWqetXBMHEMzdR5Ic62d0SJ6RKRmLWTJOAylaNBz1gJtvcN4xXs6M45lxvDDHEbVqL5ZSntEym8xeUXO47XyoORQjQpjKTxsRKMtwAGsrcLWVxx6rcogyoy4i3QzdRAlnChOaLzWjYKknc7q2A8UVfJ1SBJs6eCV0OO1w9AQGM8ZaKGUiZ7eQxVrwIwRsREEHlKXcYFOPDFG3fulcZrTW3EqBEHp2wxV3tw7oefmyJ0cjAkkulGqEVKrjbYuTOj5RLb0KukyqsclOM+N4Yr/b2SSZkm18srAgCjv7NWXbeii9ZVEK5iyMyGWpxpQLKRVct0M6Y7YmbGarK0pO5rxyiRSfiS7VnITVBH3qqvESq92ztshoFU4Qad5U6n3bK22oYtmAcepeoGpQlxo0LUBmyTkI4gIh9EY082GZCayu1PppXU+LqbPRhnMaCf7CFEeCG8ha8JX70boByhZoUR0/reezthu9U9Nt952ss49pa7Dt2WrwTbaUxYhrDTxKlXW0n7L5d0LQqk4mhM5TLpmHx7c8Pj5wOp24vb1lv98z9AOd78mpMM82vrN1EQTfWtGCaal7Txc6i9S8s4yAqGk918DHqRAY6Ij07MnMdOwoRCYxnkML/FQqkKlRn7QgUCz4s77l1aYCS79zW73NhG2Bb7Nn9rdNG9G2pvvEFy70tzVBKSx7zWxjW5O6vPw9H0qz75v7G5LV1gGvnK5a31U2a6+950/mdv+XON0QAp9++ul7j6sq//Jf/kv+yT/5J/zNv/k3AfjN3/xNPvnkE/7dv/t3/N2/+3f/SJ/TBhkUWlp560xX//nOFUMqecJcZzMU70vZASa6IZbaY3G0RmQQdTh1tT5gaKloru2UhTybgWg1rVLVe3IyFSRfCk6NbKQKQW3GZ6Ylaxs+YnHapX6HmCpLkgnvMr4H5IIv2OfFPeNsLQOX9DXh+Jq38YcMu8CH6Tt4N/DwduJymZjzI+pGdlc2XrBwQXOk5JmcnE3lEY/QGwNRWoW81hTF41yPd46+E4QMmhCdQSNaZlQTSU9EZs75ntxFyiFByQw7mxSTGmJpw6CldfYK6pK1M9RAJehggUnegXYQbxA6vOzrRTTxAaulebLWqT7SU+powS4ccOLZ764saCgQU+QyXvAS6Jyd55RcVbXK+E7p93BzN+Cc8OzZLQ7l7VcjGYgp2bqSHeISSFyc5JJ5r4bYuToWspgow+lyJATP67dfMZUZBkdxARXr59VaF9SqFqYUikSrz7uEePCDY+g6bvYHGzrfOaQDCYrXjHaZ8eFIzhMv374kpQvH+JLkZuJwwbmOQW7YccMVHxh7OwTE9Tjp6DqToQyhx3lP13WmwNZXqcqCaSpHY8lK3WVOBJu2VPvSpRKtRImVoZ5FcJ1nt9sxHs/88NXX/Oj113z55iXn6ZFxPmOj1Aoxnyk6ozohZBKOOcOje0NRjJntAv14TfQd0fX0faALAZfNoDo3g4NusAApl+YWnNWxC6hmYrSWHQ3BelhxlHrNOqmzmbOQJDKnlunJqxBGQ8EVLaeKdMdpouTEMPSE4NjtPTGO/OD7P+D+4Q0/+OEXFX17RAaCPyD0qAb6/oqrq0A/XNGFjrubW3NwORN84LC/onMdXRgoCbRoRei61LZtfKcSSkdIPUM+UFzioLe4DNEdScGRJBrBUDLO14KrNyU059fe4SYW8lSjWtqSX363ecRU52lEY0O05sx1Uwu2oFOclVYWJrhWhTM1trMJoChJ6xCZjd578wfvY9N3/UlZnq2qNbDaorc/ntv/Eqf727/923z++ecMw8Av//Iv8xu/8Rv87M/+LN/73vf44osv+Kt/9a8uzx2Ggb/8l/8y/+W//Jc/0OlO08Q0Tcv9h4cHoDkkeS8rACyhScsatDs2tEBagMsTR71EpzXKadG5VFQpawy3IE99HzerRQJGGGHjdGuNTLMdsMvYMIMCbaxgXt6rzuS0L2rfdwm+hFwqoQaTDFQ3o9KhbjaBiNroXkohz5MhyK4wFUff3xDcnuMxMs2RojNIInQVMZEomup8z8qUdRV5VoLIEqE01OWkIlu3RPqaFUpGS4QSyeVCYSSWo9XiEriseAwBl5q2NEGMehbMYxlZZUGOgisdqMPlHZQOTQOiAaEzFI5A6aAMS0ZEKnqmkmf67kDwPbfXz00AoijjeCHPtZUkYzVUldruYWP6lIj4AechBBORp04SKlon3Whl5jkPkt9NuiyBlH0nu4YpR6Y4croccX3Hfj6jzqPibbpMSsRoKDiryW9GvVSnG5FgIwD3w4C4CU/Aa0AkISQL5hwUF0kyM6ZHpvnI/eUrIiPj9ICXjp08Zy8jxXlCZ2hTXI+4ji5HvO/ohz2uBNQVk+1UW/ueFoDm6nDbvnDrnvK1NU4al8FS5NmxtJ+NceL+eM/xcuQSz0xpMt4CLeiwVi+WgQqFXBJzutClPbFYm1usamHiqg66M+U6oU71kmS8AVn3NRgyzM4eK8l4ASUXEz5Zrh2I98bObwmvXLNVbTh3dSQqLIM3Sv1p4/xC5ypKNcN/PJ44nU6M44z3zlTNuh19vyeEHcH17IYDIh37qxu6rudwfW2BTUx45+n7Xe1r9lafpWUHtO6D+ltrr7IGQukJOhDSQKC3TIdEcnFVMMNS5abhzoJs3/+9GOENajUb9147UDPEdf2w7PyKdKvzbU5YXANKNdVvvWpkZ7b7afajeoiNb3iaqP6G2xNf8c6hvnt79w8/zqNvbn/sTveXf/mX+bf/9t/yC7/wC3z55Zf8+q//On/xL/5F/tt/+29LXfeTTz558ppPPvmE3/3d3/0D3/Of/tN/+l6dGCyFZ9tt4bcthq02AtCIH0oV+hepKV1Z0ntb2cUlZ7+4UNsxUmebNRJCxZw2MYW6AJfPrcdRg4E2FrCkppZlqUxJxrQVrfWs2g7T6n66qP/IgngbyaPMVWJN1fry8gCxI45CiILH0nE+BDQbO/R8OTNOhTh+hZOBFLF0mr8QukwfTKFqiomcKvGmgKqzvkgZkGCHIKFuvG6yL+3Plf0thgJSNGH7aSKliRIjuTxSmIj+iFLwk7fJNWNGgzGYiyYSo6EJPMpgfbY1k0DpbYOmAVKgnPaQOpivKOqIxaNOTSwjOPA7NI8WWGSrF/bhwNAd+O4nP8fN1R3f+eRnqtCA8vbtS37nd36bx+Mb3t6/JDiHk548z5x54OXL32Ecv6LrnxG6wtvjl5wuJzKPZOmM1a0DWlxdZxCw9LiwUSXSylKn4BEKhSld0HOifJG4Pr3lNB9xvkNcIFWnO04XUopc5jMxz5ziA0kjs7uQSIzlTOcdh85INLuwp9s/oxtueP78M64Ot9wMB7rBsZcemXo0z4zTA1+8/h4aBTcdOPCcZ/LanG7XMxyu6YcDV1d39MOeWK7xoeMy17msjzbsfd/bTOe9C9jco2CB0tKrbixqVbtsBEf//NqcbbxwGh/5ve//iC9ffp/f+p//b17df8HIG3LV6U7RgsHe27ABLwcaRx4VjtMbCsr+dEcpSu+vKO5AcRY8znNhvxNCJ6gb8WVG3Yz3nmHoln551Y6hD4znkdPpZDXeeWYYBkPLVEcSgnUnzJEyR+LlbAIoYoMhKHmxUTlFG4VYbcZuPyAC11c9qplXr77meHrk5auX5JJ4dveCm5sbXjz/gOfPP+D5sw8Y+gNdN/DZZ4Wi0O33+BAYBuu3LTGiuZi0ZsykMaLZgkURj/dC1zm8N41nLY5Dd0MnPTFd8NnzOH9N6SK9OwCF3F/IQSmhtvxJoaORSluKuaHTFU+2f7cJW8tNVgu9GMtGiGJVsBLBRnVWhr1gaLe0cZ65UiG9omTrAin2hlIlW596hR+PWbfOeUmPs/St2Ps2MPcHeuI//PbH7nT/2l/7a8u/f+mXfom/8Bf+An/mz/wZfvM3f5Nf+ZVfAd4/4HcblN+9/eN//I/5B//gHyz3Hx4e+M53vsO7GPPpyVxPki6Myxb11EL85vPtd70g1Tm3fi9Zwh1Zr9gCQZ+mH5Zaw1Pcux5TrTXY/6qY/NqcSyuALSjejnrzu170ItbdpA5fPC7vcWmAaM5IU0VqNcwUTAqyKMxTlZRUASm4kG2UW6h1tthqWG3T+KoB7E0i2IF0ydoJhmQIz89W8/EKuc7JTTOJSNJoDN8yoxotYi4FkoMENmZJa6HNZu1aWllZFImquL0ZcEFTDzGgc1+dbmcknOJQX+rGtHNeSkLVCC6CZ+gP7Icbnt1+xO31c17cfULwwerQxfH2+hUlJo7cm7yos+NNaeJyuUdk5PFY6LrCOJ6Y45nMZN/LTYaOZcCafZrASa3BSuNMbzZ/zRqYuIYwTRdc8ISjDUxwLpCrROA0mtM9zydr94r3JJ2Z5ETUyDE/EkQ4BWEIA0M30F0eCcMd6gNZC50IGrpFA9cFj0tGcMoJZJqIemHmTK5zkq2dQwk+GDL3nlKyTTwSZyUY5wkC6j3BKyp+6cJzuu6n1nWAkyr6Ye1ap/GR4/ENX778Pb5+/UPePH7JaXpD5kIW6xvVKhojEoyM5kLdHdF0q3VmziNTPDN0F5LOeO0J2Pg/tJAr0a41FaY6wGOoIxWhtvtUwp3WwQ6z1jnX2HU0yUdzqpoTmqL9Vlj6WCrzuaiVOrSYpKX3juC62gfrjLSVE1qUvu8RGeiHjtubW168+JDb22dcX9/RdzuC7yuXRXDDgPOOLlhhXJ2n5FJZyYniSkWltUVHWm1bFivkxTIWHT1BO0Lu8a7Hlw5XrLUNlaUXGVczdPoHocANXGTTXlXNmyxr/unzLSvYXroSpNr10Krup7IZUlGo5FNXhYaaqa5uUzcHqZvt9g3HvX70SgJrhDC2f6vH9+7tJ/XD/8tbhq6urvilX/olfvu3f5u/8Tf+BgBffPEFn3322fKcr7766j30u70Nw2AsvHdvPlQWoyB1osa7El9Lyqilg2gp0NouVFOwiqVDrXQrUKSOtjNGq6jJsNm6qItjCcmq+13vGjqWDfkEG+VmSkr2elEbgF2yCTilbDWupHUodovhVSjOEnepKKKOq3ig054rnuPLjj49o1wc6dGjsyOO4EpEVNnvr+m7HTnf1bpl1ZsOEfGF4Mzpdr2SSjZJujkzTZmh9/T9nt2wJ/gB6TG94SFDiJTdG4o7M8nXIAnxsznSKMxZiRdIxVOSI1S/aq09Sjk6XFbYg/QZHwzxZZ3snLf6sYAvV7jSk8dAiZ5y3EMMyOkKTd6cr4hNW8qZ7GbSnMniSVM21nK4ZhcO/PRnP8vzm4/4P37u/+R6f8dt/5zgHJ0Xng0v2NPzwx/9LjIVxnxhLCNjuZCmCy9fvsb7Qkw3dB2cLq+IcWbSC0hnQxy4to1VhJwcuQqFhDrVRysCdi4sEXVdvGRNjKkwP0ycTm9YZim38kMypDSXkayRKT8QdebEPVFnLpxwrjCHtaaVOFA48OrxFXc3H/PJs8+56q+4GXqcwO31J3T9Fcc4mTjJNLPPA/uc0FjQHIkpk8OJeD7hQ8/Nsw/phx27q1sjOoUecYWZQkQZUXrXsfcDg3T0LqxO14SE8V1H8XD/+IaH8wP/7f/7/+LV6x/w2//z/8mUT0zlgcRIYjS2PuC7AR86m1tMYHAmPxrzCSVyKSdSKsjxhxRRrq/uCJ0nDNeUZOMzFQUnuE4Qp1zGY+1DMIWtrhssgHAdThyd98Rp5jLPyHVCdgMydIgX0lwD22kizYmSZpuaVSJaICdHzJkpJ2KVxRyGwOB7us6DKHF+pJRE1/c8GwZ++js/zW634+7ujhB6+n5H65TwocO7YOI2qkw5mU56nK1kpVrTvx4fBO0FSIh6Yy5HCzpitsyAE4+vfdV93pFL5FpucJKZdY+WiUsSG2CB4oPNdnbZ48taw31XZGJLgtq29ZgL3faVbFQEy8bpbs1rwVo4Wy241uCMpGXG0zu1cpPzqBa8p6byl49ZfMHGha6fAzUoWVXFXCunNRnLluJmg722/uYPS13X2/9ypztNE//9v/93/tJf+kv86T/9p/n000/5j//xP/Ln//yfB2CeZ/7zf/7P/LN/9s/+6G/uPHi1Vo3Ws1vRbTs5TqjIlcXxNvKUPbRijrVG3FqGLDrXjcJJG4Rt3ldBKj1dWNIj7R2Xn4ViV2spTarMGemquLYoq5ZoBcRLC0X77CpQICoMesXAgbvuU3w50POCFITJWeN7lkzoA8F1HPa39P2eaRRSxtKtJNTnKgJSS49uZaeCq2SfUNW1LGgoLVkmGZVI8ReyOxPdA7iIuGmp/+bOkYKQXGfj8rKxhkW9DTlIArOikyEHKatKTYswHTWqzh7JHTp3aKxONgVc7qF4S+dWDVrXxOB1NrReGxV3/YGr3S3P7l7w/OYDrvY37IcrOukXUffe77je33Kzf8bd1XPc5NGZ2vsMJc2UnDgdFd/BnEZD0rW1QvWMEXH2oAGRusXUmMdlLczXNbHZuFJTcail2WMNUpR63qQy3ov1K1fElrWgJaJELOKx1hfFpCOzejKOpDb0PKaZ6HqSN13doh5NHS7v8cVjpOhQdZ1rnT0niipRhewT02ApV+cCLnSETu28l2BIFEs7Jq097q4ZVLGykDrSJZGc8mZ85P70ljevX3J//4rT+TVRL0Q5kWUmy4RYIzEiHV6MdWsErZavcnXPFJJGc9rpyGV+YBf25GHCuV1V0mq5BjMMpkxFHQsI3pda8jFk14VAjtGCohRNJtMVUGfpT6zHNmtj/zfPYMIOWsVAxFUhHu8skxGaeIi1YV1f3+C95/bmhn4YuLq6qeMXu0UPoslhumUN1dl+S9Rva8o5AQ++q8GOOjs2Tejcvn/dbVVhyGEa28F3BGd7taV+WZfoEwS4dbjAEyfEYnKfOt3Fdjb7WP+wqHxtgHLLVtcE4QalVtdX90zzpsvxNbQr6+mx7OZT1Lrsu/blWEGZuKcclpX/takabwKLb0LP33T7Y3e6//Af/kP++l//63z3u9/lq6++4td//dd5eHjg7/ydv4OI8Pf//t/nN37jN/j5n/95fv7nf57f+I3f4HA48Lf/9t/+I3+W6zpzFoqNyVKr2y79odTz0EhoNSXilrSF/ZZt+qMiTK1v0JSOtKWeCktdt2kjK40zUarerEWFuW7m5kTwtaZXGc1JT5aecnVCEmrTbUohN4Rbgn02HYrH4QkEXrjPuQ0f8d3b/wcdt4T0MfMxcYxn5u6Ryb/l+mbg+npg2D8nhAOvXyvjWDimlyS9EOU1yIzrIs4LPggudHi3t3SzV3a7K66urmvAkYg5kktGuyPqR4p7RQ4PjP0PjcQVJoJ2dDqQSyDnjjl1pNLh4w3kgKe3dONFjWHcg8SC2wV86Oi6gHhvSDAFyB4uA8QD5XFHnj3lvEdyoNMrKJDJdMGxOwz4wdFfBY7nE4/nEzOJmJWPnn/GRy8+4xd+9n/n+c1HPBs+IEiPzKZPW2YIZeD51cfwgeCS8NWbL/j6/ktkTJxL5BITqVx4+fUDuEK3UyQUwn5GUXI+gh5BZzwHvF4RtEOKJym4SjASbHJPM0iC0DU5o9ajqCaOL8U0uwVnNWbnKNJhEoaBqSQuyUZleIwYhETLzAfoXKHzwv5G2N84XCXMzVPBqRDPyhwd+niDmyMhDZiIpa898JCjkeuiThQV0pwI/cDu6owPPbvdARc6up2lO0PnwUdIiVk9Xte5vSVYD/v9qxOXeeL3vvoRj5e3fP+r/8EYX5HLA6mcGfM9SSYiI/1gtUzXDXRO6IonaMDnrgarYsfpEkUzxznjzqaCBYl+CNztP+HQX+FEKxGt8iNqADPNI8V35uQESpxx4ri5ura+7RSJ80icTuQU6DqPPwwgwpwvNpxAJrMLLhoScyb36pwy9B6CR3pfHa9DHOwPtyb72A82YMB31SE0gRFvI0tRpE5sEmNf0hTPnGvBqqlEuWAJqb4XY95H5Xwe0XFC4oxmtfF/xa5tzgnvHIHArhtIrltsKEVrICabILA5rZq92Pjap5rV28dXJ7y2mrEQyprTXYDn1os1gkwrvG6yii2l3H6sQ8pV1o0ux9eUFZa3fKc+u+jny/sBRcMi75VG6xcrrQ30J7j9sTvd73//+/ytv/W3ePnyJR999BG/8iu/wn/9r/+Vn/mZnwHgH/2jf8TlcuHv/b2/t4hj/If/8B/+yD26YJGI88ZG9L4izXbitzn9dn2rB9x2jjWR6lZ9FbaLvalPNfVgodVClneQ+tbaCF2rCEKhtTU1hN2OyX6KukVUqBSl5MpsztYrKtnhta+IaaibraOXPbf9x9yFj3m2+4RObgjpAyKFfR5J8YYYb9gfArtDIGlHLp6sE1GjDQTXWuNyppNcUCRByVVsQrT2zFpaO5do4wDzbBN64my6yLlQPKgYy7bUCFTU9JJdB65TJJiub8Fhyk0el42NSHTQeUjeanVhQIpHCEjqIfYw9ejUIXOHxAA5oCXUTJNCyGhQ6Gb2N1c8/+iW4ejojkIeE/Gc2fUHDsM1vR/wEqx1i0TIa43di0ddz64/cHP1nNN44XS5MKcTJUeyPyFSmBeVIXBaEB9tgbkZ1QA6GkUq95RszG6WCHmt9Vv5gWVtPWGRbKLrprEhjWdQ16ETvyA+c8w1D1PXVM6F4K1Nx+rxalKfeHLxaBHiZSbOEb1QpTJtmIOVNljWc1YblFGwDFVWxfcHWx8523ofjcnuZ0cKHSVk6/vFV4EJJZp0Bg/TiTHOzJcLxMKzqzumrLj+E07zW+JpNDa4brNPtT5aZ/fm7NbHKvHQQuGZmM+cpzccL1fsuj2BAUe3DHwoBJxY2xOqtT9bngxDUHGos+yZd46cTKUtztGuK5PpmUfLqixZIw9IsU6AmhlarlslBvkqMxtC03m3gRiulpIa8cwc0doDqwuq1YVk1LggqKxpTqHW7MU+Jwc6LYQhkEqw9rPc+pMzrhOCmE0VweCDGutNwLgKRU38R1tHgL5Xy3x3UMTiXBdTuKQeaUGnId1GTv2GNG577sZ2L0/e3haPLfXY2n5pLaI/3uluEe52CtLi4JcH2iHocl3dT1jU/WN3uv/+3//7H/t3EeFXf/VX+dVf/dX/nz/L+YALglMlu+ryKtJ1LSdh1oelgq/U2LDWENCFBY2uwheu0u29VBawLGqym/TFRgRATI0qKwubOmtFu027VepFV9BKBrK+XWtHSLFQskAWJAd88Xj2OAY6d4WXni7s2bkbfurw53g2fMJP3f1ZOjngyw1yJ+iHINTxXCGjLvPDr7/mzf0j53TiOI/M+ULRmVjMcUqaEQ+5OGJ0oMOSHpSqxDWnC3O8MMeJUntwJUV0b7M3ZX+giCdpJmchZzMqYR/Io9q802kklkJQW3a+dFYPu1hKz8kEqAABAABJREFUUqceQQgdUDwQkHGAqac8XKHjDpn2uNxRcociRGx4gd/NMIAe4O6TG/7sL37Ow/2Rt28f0bEwPWRu9895dv0hvdvhiomDODwHd1XFGAIqHeLhei/4FztSdOTJQSl0BLwk5tzzdnwklVSZ6AkXZopPILWXVD06qqXAVauerK0bVbf2YQtYv6TUAMdMiwhVirQaOhPiqmFhI+HVNLB0BOlM3F8dRR0pQ8yZmDL7Tuk6j/hiU5zSCXKkixmJwuX1xWQFzyb+4MMepDCTl4xOUmOzx2IOeLqccFPADwcUCH2GnJmOx7o7la7rGQZL6TrxXMaJOUZOlxNzjJxHG//X73p2u47PfurnSZx5O9/x1dsfMM4TmhxTmmoJAeu71sQcL7hs9XuUKqlYKropFJm5pEQ6Holx5HR8JH6QmW8iV8MH/N/k/bmvLNt23gv+xmwiIjNXs/dpL+/l5aU66KEgowwBQlkEBAgQIU8AIZe2THoyZMgQnv4BmQIhQLYgR54MmQIEOVWqh+JjsedtTrf36jIzImYzyhhzRuba91zyPpVkHDAO1sm1cmcbMedovvGNbwxxz/4wIjGw3+9BIZ0SglgNvgdCGI/IAUPwzLlS88J5PaOaeXnugjaOEAI3+3tCFFw0Rm2uS/tcuk3psWAJhji2qVLGF3GuZbjanC5ssLJrw1fM2WkzZ8IQTNXMnGNtozXZNLDxgo9my9QLbgykmsHDuU13KtW02Ie9RQxeFGohrzMFCya3aWEJKFwG3V/hwd3l9CDI7rtQSS9O1wRcLlD0JTGB3indAvItiLxkw7o5u7pluheP2JMu0A+EOnxzut/GQH7VY3xVnrxOtu39pPvZV9+vj778ZY7vtPYyrpOVzEEAWya61XJ7rQC2RdJHPWpTfqpcMggnsvW3uTbcgKtuw6vQC1CbhLFltpefVmkxcQ1oww6wPj+1N5d6h1OHx5tijLR6pwZcHXAaiXLAMzG4W7wb2A23jP7AJ7u/zk18yxgOeAkYo6N3RgIEljav9Ol45uH4xDE/MnMGV4DSCAPeiC0oKSulCKoR5xxDNEjdVKlWSl2gLIhm6ppAM/UslrmON6gfMAq0olmhBhwB7xIxVNTbZq95NcIHTcu1OChGAFPnoQxotUxW5h2yjDCPyBJwOSDqWzsRVF+QoIS9EidlvIGwS+DPqDuBHPG+MkarbztspJ6UM7EoHs8qnuoCvunKWvAVGYc9t4ePSKuirAzBIeeFOUWW4llrslpvXUjVxgoWn8FlkIIrEAbBLTRpUGvzuDCxq5lg3yU1mzRTWysqbXKKsCE4V2YCxSE+4CTiasTVAjW09ei3TDrGkd1ujw8OldKUuootmSRoTkhRhmaUnAuoFhatm4HJPZh0LfsVAe9wIeCHyHTY45xjXzqMU1uZpomO1EJ1ggTPuNsRx5HDzQ4R2O8nhnHgzSd3ZFm5K/fEeODh5QF3DMwvs+3TnolqN8KZDbcS2+ydrGrwq4nRrOWF0zLyfHyHZ8LpBHhyycQa8ONozU2TZfiumWenpottgz7a8HgnVC8s60rOi9X0qbghMgwj+8ONsbF7P3GxedUqNmc7jhHXyidDtNGb3rU+PHoN0W0OynpToQ+wz9mShQ15ay6tbg6pcUN6/3K1kQ54AQ8ueuI0mGRoPEEq2+xkF81uVrXAJjdMgt7yk9Wy/tZPXaRe4OK2JqXlOtuYu85zuSZTqUkAXfNpunkWgeCMDe+2rg47GTZMpT/6gwy37Yi+BoxfI1tSKtf//QKn+wo67gtpc7DKpu9wnei+ev9f7vhuO92N9FOtftVUo9y2CLBsttfIOvQMHSdoqlWdLIX1t4rNfvQusE0V2uIlmje1i1pbdF2uHO+W7barU3vGK3Vzia5GYvkYrxOjuyG4yDha4/sgOyI7AhOTv2OQPaO7I7gdN9MbBr/n4/hrRBmZggfNZH2yReE8WiNaB05L5fG48uX7J75+/Jrn9AVJZ3Z+j8fGjhkYF2z6SSqt983qWtFHRJpGbFnI9YyUGanFMtdQyVEgRYj3ECtuyFATlNWiYyohJNxQyHFpo82sdcWxM6Wv4tGklMVbW0Dy1OypKeBOB9y8h1OE1eMZAE/1geoUiQkZKsNdZdwp+48gHhaqe6LKE0UfCaGwG0eiG2yY+vFMdpm9rwSsBSa4CBFjrfqIcwPTNPH2PjCFe4YgPB/3+FA4LjtS3TPnlcf83iDXbGmAjovVo2MhoMTqTAEpaVMxMhjYIQZhtvmiTry133TGSA/oWqYpTq2jqq1XMZUCXBjwqgSdyNUya/Pbldr4CON44O7+nhgdkEzxKzvWZUFWh67gimcnO8RZITgDc91CR0rLslVo4hYeDR4/DsT9xM2be4YQmXxDL0rhvKy8nM+c18xaCtoIRIfDjuAc94c9Y4zc73fEceDmzUcUB0cWbg6f8nh8hq8CDy9PNlGo5C0JVC3NufRNWRvU6OijG9GCVmXJj5RUiHJDWoQoNwiBtK7EEAlhIPpIGIIxjlNtohFiPa4lWxbUyE9a4Zhm5vnIw8s7ci2Ew47d/sDbTz7CSyCTqBVypjGJI8Pg2e93FmB7xzgN+BCgzWbOjZVryAdNxMOMVpdbtBF2it+Un5qN2QZgNMEQrVuJy2M1ffXWSz3sre5eH0ZcKszenIsfDC4u2YLJxNIyXbVJWhgZTL0Y+fNVttqdUc9ML//W6521Z+HK5hi352Lf0c5zaLyFemXH63a9L5nu9fOvnLz2f+nQ7yURviaAvXIl3wINb62sP+/fv/X4JR/23Xa611h7/7ufWK6iqK1FB0Av7FgwGMLToYEGL/dBy62PsDQKnaOP6wJt7rNW1xxtaUSoesl01djHUnf4KoyyJ8jALhyI8cCb3f9GdAf24R7vPFEiXiKDmwhqOsKjOxDdRNAJp4HgJjyRQXd49WhqdbLcI1zrm1UqhEwclWHyTMtAkj2+eLxGM97FAR7vJqITbgdzNiHsKbmQS+G4vGdOi82erTa9SKVQEOv7nQezd0FwQ8EdFlOmkoKTYnoW3lP8gPoA3lMJgCeJo+DxJaApUI9AUuufKh6KpywjeQ34EhCaEIODEk/UUJDDCZkq3ChMlToV1gDPWVgrII7D7g3cj+ziwZxsUgqZ7NdWt1KqK3g1h9vXhjghttaQez4hThEZHOf5yBCfmNeZ3fwFSZ5ZpVB4ZimWpRRWspxw+ydC3ONuRsoslCT41Hqs2/rNalmw68MKXLmqR9kISZMjpRFqapvbaoxhTyDWgZILoZpebhLBiUlI+hoJa8Anc/Z6gpqUfLZWJhv0YJCsiVcsZDWFp814XWUMdEnU6iipoGslqGP0A2/u7vEieHGkkpnXxJwyS0odeGozqh23+x0xBMYGsYaww3k4hJH7m4/5/JMf8DK/Z//NDaueyBVcNSjeMnJpMonaaqeZqiuO7pAvRtc1o+59JecTyzzw9DCQl5n73Z44CmPc2cCLhpZ5nMGvOZGzZZmsjiLCy2rKYXM14RktKyF5zscjOiqjm0xKNAz4MOCHgd10YNod0OBsyEOIVOdwrQ/WXTkhVW1yqLZITM2p5ZT9EmDBR71ystrU7bTK5thqVXLNzZk7ogu4KKz7kUrB1WilgyGx1GLjBPNKypXizJZUMZJYd/5SrXdeG/qwfSDX1gut17+V0kpxaPWmcKed0d2wmGa3e4eEoHjTE6WFek0Hu9I7SdQWY89tL9ntdgpbCabVx7c9fTnDr53HlYPefMt2f0dPrvbChiW/ztR/meM77XSv8bYeyfSB0f3CdIeL6nbqr5H+TkbZznITM1fzHAY9i4JY5uGlQ9q20KwNpDldUQq1jfiDiocquDohdWSSjxncnjf+c/bxDT+4/buM4Zbb8S1dozYQiK0HMWhkdBNBRsimWFUT1kNcPKgaVFhN2L6qcadxBQkFfCaMyjh6xnEg6R6fg2mxlkrJCQF8mBhD5G53yzTuORzumJcTx/MLpTwynxcoK1pWitjMz8qAqqeeR0ht8sqYCU7xseIGh7aaYHWBHDyECN6bXCWBJB6HwcgkRV88RIM8TXrRUbKn5mCQO75dG6jDmRpX5PaITMCNR8dKnVZWv/KcTtR6D/KGw+6e4e6eKR7wGtBcyVpJbsXhDY51xRxyqA12N3m8MATiFFH/MeP+QIh7lnlmCo/My5n4PLDUJ55YWfURLdnaXeoTZTiRJ5s44xDyI+QzVAn4InSXVhoByKnJYYrLTRnJg4am5d11jVqFTAzmC8HjUYYyUGshaDBIUI2k450j1EBYA646XBU4KpqgrDYJKGDnVFm3Hs5OnOomRRrpiN66pJZp1bVQY8GrMPrI/e09MQSGGFGg1MqSEnNK9np60dXd7/dNS1fbXhpR74iT483tx3z+8fd59/BTduEAuUKp9h06wxShNjnM0uY+q6aGPm2UvrbHBe/UnG46M1fPswp5mSkff4b4gXEarKQU+szs5nRLZl6M8a3OUQSOy5mn+UhltQw7C2tynI4vSBF0KPgQmYaBMEyEacdud2DYHajR2etgDrKziB2dJNVQsw7VXxUtlWt4s9mdDierXsHvzrLDas5bc7ZRik4IzhGiY94PZFeQEqEW1qgsqXDKC+e0kHKhBltz1oaYqM7GF/rsoAhaTJSm5obheTWoX/KWlZYSbFpTCdTiKOSmQ25llDbsDd9KfiLVRlvSSVr2/Uo1Up5s5b5+XLckdejYEgobwdosfYO1pePY3aFu/7/KjDeve53JfwuR69Wn+OWO77TTtYy0OdtGLHGim8apOHed8BrdXdqaaJGy5RINEmnhjF6f8FaT7dD0JeKxo1a1GkhtrT9SodeBy4CmyE38HrvxLd+7+Vschre8nX6Fyd/yNv6IIBODnxoTq8lT4puBdFuNLi/ZBL1Xg8xkY23m5gStN3UcRvwQiONAKoW1ZJ5PN+SS8M6RUiJn24xud0eMno/f3DLGyGG3N+WlUpiXmXmZWfNM1sVECsTkFC1KNaNKdqYQdVRqKhRdYUjILrVA0qGz9bpKHqxm7QeEgLpoYv4aIHeVKpBilAVjz1pva5WM+GTtFgGmu4SOGfdRhqjoYKL/c5mRFfzJEcuOIY6Mu1vG9BYRR07Z9HErLG3dVCpZMjUpzgein036cJyIYyBEGw03TROj/wwtlY9vPyGllU9f7ljKM+/LPbM+8sAnnPIjD+lnVGexevAjMURrjSpQF3NGuRh0F4OxxStWU/Oh96B665FtpYutrQ3dmJLbbFoXiS4zyogCKxnrC/e45KjnYuu+Ci57pPYdIxfGfWuAs6a3Cxpkv13EFFyvP6qQ5pWznvj6i684Pj0zH88MQ2Ta7RiGkWmawFur09Cm4Fz3iHbDbHXJYoHaAloyYwiMcWAcRiP8SWklHxtAQbXxdM4JMbRsK102fC8biVipKASbvGNj9wolrSQ855cjQR23w4IPkeCvIF1ndfNRRlysLHkkaaSIspSVY3pApbCfdmjM+DtlPDhuP9nhiXh1m7hCzgXmFWFEgmxnlg0uNVvW58LSgp7rHtfL7/agqrlBqtqcdTNb2m1iE6modoXVXYigYfAMROISqTlzzkqtwuBumdzK3n1Cqi+kxVFyQLwD3waPtIlfRiRkG79XayNJSSd0OWqxAML0q6W1Um50fKtWtPJtb7t2va9bmhNu8LRrYZQ2XkQpSi2tnNIYrLYleja2kX1+oR+5StFs1byq+fb7dEuMrwCJ9rj22X/hO7w+vtNOV9rGoOWJ0oxRl6jojtfquc3EdMdL2/adpda9KnLlfPsbsalNdQH+3gNWt3erV6PBrOZFDWgZmMaPuB0/57P7v8Hd9BkfjT9gENO3dXhEvW2KvnnaIARbxa3/MBVKLqQltbGB9u9VmyxesHpNHCLDGBn3I6lkYinsd3vmeYEirK6QvLUBRC9M48D3Pv2MIUZ2w8i8nHl6fkQV1rSSi83WLWI/Kg0C7VagSFvoFlEXyUjJaJ/B6RysrS2oRFBrexJvELPiW7+ktNF71mutAlVcO98OYrIMPhYkKn6fkV1GbgoaKhmhuMxaF1xWTktlT2ZwgRgn/HRAksntabadqaUaWcMJTmyurohjcSvDMFJqYWRgkMgQBoIPjMOEx1OnTC2Zm11kyUf2a+BcHhly5Hn9hqqwyMzMmeAHQgjkABogYezOUnLb2Ca0sMGhrrOTG5TY/2v8ASdXJqIZAFNQCkSJFC341s/pJOCLg6WVWKrgi8dVvwWk3dVal3ndBkaYOELbHWqRvqMp9nSFrJRZdeH58ZHlfGadV+IwsD8cOBwO3N3dMU4TwzQSvSc0reI+MUu1i8BYn7sWy960FILzRO+JPlBqpBLp6m7GHDfWqIgjBE/VimSDI7sLU7U16JrD970tBKXmQiGxzjOrH8gl2fXw8WJkxXTMkYCUSBwiIQUqBtme0onqMiFAHiP+Rog3nt3dgJSArpcAvpZCXrOpd/Vsq1/Eq+TAHt4Ch8YT0XohS1XtbT7KK3EMuLpeskneoli2q5ZBOm/v673DD4bmZAKaQKsjuh2Dv2Fyb6zVKxe8gqtKLQvqTIilUra37rar9Iwby7r7GPGSL4631ErRLtmoqGeDrZ1CcbpRG+w6XEYr9qZO+uuXlvjU5vivHW53g1e0Yr3ce3VPf+zlXy8J1rZaPrhAXEEO+uqV/rLjO+10bcqEmQfPZQ1vZsoLXTGKTX5RW3P3BWqGD7Pc1w7YYGo79TYRpu8Vy3Krljb0vYlkZIu+Yjkw6hs+OfwtPrv9db53+L9xEz5mqh/hCUYirkoueftM5mixfsBcqFs7UbZ2iWwL3TuLPIdhxHlhGANxCEy7gRgDcQwsKeFS5rOPPuNmd8e62rSU0ggbQww4EYIoy7Lwk599w/PLE1+//4qX5R2P8xOLzOiuUOtK1Rm3VtvnqUDJeM2tptOUtlSoiyOfzTALDk0RVwLkANVGBDoJBD8heKR6C1/ENRiifcCqWAAjpnYVFsIe/AThzQpjYonPFFHWYjBrCI6kmdOSqWWhlCPTPDOkldPzQl0V2jkMGgjiOUw35rC8iRMEJ6xlNT6YJFLx5DAQXUBCIUggYmpOb/dvqXrLrd6wMvO5/ohjeub96Wse0zc8pC/JulJKop5eKC8L9SVR14o4c7rqElUcqYq1jKnHe+v5NKUbYwmUFsargm/tRVLs9EQXwVWmsEOqpyqWtcWBvTsQa9PVNaoggrT2kp7ZqmlMKw1abRNqtDt4y26989tYS9rM4FoLp+ML57Pw9PxECIFxN7Hb7bi5uWV/OLA77Lm/f8N+fyDGaNrNDcbu2W5ueynpynw+cj49k9aFNpkc1KRSVYFqDXy7nQ1vlwnmcuahvrd+6nzVXyrOhFY6PI7bghwtlXk+4Z3jdH5iGCbjI7qAc7FbB6quVC2EGNntDsQwEPzAR59+RLxx/PX/x6/y9u0b/vYP/jcGnRiWwPKcOX59gjJAXvAp49yCX7IR4EKwEoC/kHt6X25F0S4goRe0o7cgdnKSQaYNQm71WwsoW/ZXKjmXprbVWMqtduqCZZqji7gAi7slxpHpzY4kCz8Mf4NZjxz1Pcf8yDE98rR8w2l94lh/RtIXipwNnfAJVTXCXHXU2rTQi98mdNWSrde/tmFMrcfXhyaRq4Jz2m6hlIvWc1/3bdDnBiWXbAFJqXIVmNhpE/sf2rPjbrev7D7bFe6PuXKd1767xzXfEh+BcS02xvZfcnynnS7YhhJqu+1ZQJvL085+7bTPWrfs4fqs6dVtd7If/gDbRdf2h2KM1J4lqDS4rCo1gchIlBsO8WNup885hE/Z+bfEcmNTi/KM1mL6tg3uNqerm4M1Z1s3MfTeieidtZqEIeCDZ9xFQgwM42DDsIOnVBttupsOBDeQp9oWqDn4GCNaK/PpmVIWnp5PPL0ceXh65lxPLGUljxkNjaCleWtXIBVErG4r6i4BTQKKULPbxAYoAammqAUOcQEnJpFoddrudFvdUlr00iJ10x8u4BIuGssyjBkdso00pFLogg5u07FOueBzJlYz7qnY5BXNBrUWCkUCQ1hRZwiFV9OtVQHNAlKo6i2g8IWoNjEoOKv/DX4EGYgukiUzyS379USUN8T5BtXAnJ5YypHYNK1dzqY0RXOo1fgA9j09tVz3GW55LrSWI4dS1c6LVkPQTMbSEyRSnTLWkeAGoh+JRLx6g2LVbZOtut6tdgOv13vKyhxmeDrU41ottQ1y3zZQJeXVMl81ctea14aUFFLJpJIZhrENpW/yk93pN6dbqylF5bKS00pKK6VkNq+MbuvX2voMxYjRI4OaY2n1+Kra9mrHtLqztYBaRNpITSXlZNKYeUWcI1arOXqVbd93TMuJSY2GMBDjyP4+sPso8vmPPuXNR2/46NM3yOJZvynoXA0dUoECqqE51gEXBI1qAxVG30ZjXqBQvb7yLYvscpKXtiDdNAg6oayUVsfNfXavOdyUUiu70VjCMO48zgtBBFxgkBHvAmOc0KDoZFOrXspbnpdHdvII6w7qO+ZyYq2FKkZGNCGQSumjC7NJr5rTzeZ0222pjlLd5nQR6GP/Lo7Xvj9CC+ZpZ4TXtr1NrDKHe71UmsPVNvSmOestY3qN6tN32rXjFaQFPpdsHi7qW9fs62063C9xfOedLjSYGbdluqYfrIbASjPifcoGbBu4i3ZdACD7t3rteFVRab21WDsQ0IQKLuSlrKltZiMYOEZux094O/6IT/Y/5OPxVxnSHW6Z0LPJDnqxjESSo2ol1TbkvlpWa862UGslRo8LgThEvHPEacKHwLSbWuP8hXmXihmSnDM1V1xtEBnG/J0GM6Y5Z+b5xB//8R9zPJ149/49mZWwCwT1+AplyGiYETfjZCZrwRqBFDRuxjkQEa1IdjbIAUBNzSvqDhjasBKxXkkJCENjVPq2IbxFzdjEkKoFV1xT7ur9oVCdCf5rXUl1MbVhjabodc5MHgY/4sKIdyO34xvu5XPk3kES5uOJnBLpuFBz5Xg+tZ7uZ5wLxDgSYmQYBoYYCTGyxJHoA7NLRPEc4kR0gSnY+XchIASCDMR1YlwmphkO50IoO4b8go97lsPCU3pg9SaQr7WSlsWE9eOIiBDc+Eo5B6xlSBxGHKqKloKrMGCiLaG2c+1GPDa8PIRo6lsaGmvddJVLMl5AStkMtet7BFvD2Dp2culP34xZX/zt8zlXEWyu6bZfKJyWE0taOJ6PTM8PjONISivn+cSbN28Zp5FthnQxg5WrzclNnFmSTW9Kaba5uH0sXvUojv3hljFO3OzvEAdP63vmdWVJC1ozXnSL26p2CNKCL+dpDGvBC5SSWNPKkhP4QCgVJ4VcujKR25i/86zMS+YH3//rfP8HP+TX/u+fsvsoEH5gGtx//qc/htXhTwM+D+z3ByRHGCLC1Na8OZhSkmVo3qIs75v6m7429H3aFwjOO8RDMJEBNHfCVGsRymYvSiqvnG5eEzllcrZJR6BM50AInsP+Bu88e7lpWb5vGbhnlYU7TizjzOLP3KWf8lC+gdnzXn/K45IMoaiFKpUlG3O6lhGtHkqAupg2uHY1MRux2Ut2QovpWobboUVxjXTnmsOkKSYIrYWIbZqYwcxygZi7BRf7+9tagq5zr2t3ua3j62kJ3W1w3aZ22RM9oPllju+0031NavqWkyoGQdBuL9EMG1lKekTFB9ltu3/LfLez21681zBaDLzJSWqPqx3RT0zxhsHvCTIh2Zky0VqgQvWtRpNtY9nQeHM2l+jWjKHz1lc7DBEfrMHdBU/YZoBeFkqvr9ai2+SOTTBEmyQgpqBVa2ZZZ9b1zJoXk3iMFkGrK6jLqMtWS3UFQkWLGQpVwUnqOQBobaL8DrRpxHYGIXE7fX3EnrRh8uA3hrhVOGtTFYPa2bK1tShVk+uTHlFrv6IOrUpWC4xMVN/Y5SEOJgPoI66YqHteE3N1lJQ5p5nOjtSKMcXRtn66Do2jtHJ9EU/AWZsRJmoRMK3XolBWoSwOXTyyRlwZCHVkpOJ8IMUFr465nFud6pKPbS059sZbRA+AU5uERaUjj2UTs7dV7JyxO51carxS3SbhZ2vD1kXdsia9VFT4oI/xalttWYDatYK+d1ppAOitIpbxFHJJqBZyyZzOR4ZxZLffbXVrwJj3tTldyWRnA+hzbpyCmhvJSm3ylwRiHFppxVCSnDMp26xdtOL73tfL/n2VIfYTKLbvSs3Wb9uNeft2XcGoc0ZMD91xONwRBuHTT77H9MZzlJ8xp8LzwxGXPFMWRonWgqZWzHf0ARjmXPtlviIn22fSC8ip3agg15eiEenECEsibdQd27XrP869/lvoEGylFEMDDHY2lASRxjOx2j/V6qa+BqKMnP1C9cLeveUkJ1wdoZ7N6YlSS9OMLzZmk9LQhXqdhV50EUSNntIrS2DonAgbj+BablnlAi+zJfoX1veHyWbfW9vfdpL4uQdene8PhzZsHkIvt5fXu7zuzz/v24/vtNNlM1UAPaLhyjGa2ba6YH0t09UWqJV761bL7QpS/acftcMHG4ZhL1aa8k/Z1GQsCvUEprjjZneLZCEdV07P7/HphSE5+uD6qkrKpW2C3AYPeEL0xGFskZ4wjOZsh3EwUsjgDYN0nZTTGsev4aVsEHUtFgk7ca3NdQWp+LAwTZlPPpl4fsmck3JOM6f1mWP+hufyNcoj1b/gx0wYBF8jdXUkH6irkF5mGw6fMg4htt44pwMQMDWDCSFsWrNIy3B1MMMrPby1a+qw6NaLtsEPUPKeMgeWl4wrBb9LUB3q9yAOxx21VNblDFIQb32byIIMjnHccXe4Y3Aj5U1Gc2E9zpSUOT2fKCkznxdyLszzcoEdFc5ZiRm8q0xuJThhXmei8+yGI955hjCSc+XltHA8n3n3+My6HlnXF8Qlq3/KQMRzP31EHRLLeDY+QCktGzNWZjqnNmdV7bu4PkvWJkhVKVTVbd1XNUUvsKkyLSeyn+TQbJrJWkrTTrggORavGHmLzUC7zVldbzUr3ZuamWi2O7M9J2CQfFULUnBQ2x5ZcyHXxMPjN+Sy4pyy3x/wPgDCsqyWlWkBX3FT5nR+5OnlPS/n95yWR4im7nW4uWUc98SwwxF4OR9JaeXdy3vmcqTUJuHYZVwJ9jHbsI6UFpZ6Ql1hcCNVPXPyqFPmlJFQOXjfnGOEhhD1mmrwN4yjZzc5QhTSe8/ytPAnX/4583zm9H5mCjs+u7+HcSDu9jbjGcduv2cc9xtrqLjmeJ3bMnKtrW5Nd1KNOFUvIjvUHuQrwTvEe3ywkZHTOF3KBi0wzSmT1kTu9qC1EnXoaIp7nDhGZ8H6us7kkji/f6bUTCoLOGPwfhzf8Obultm/MCw3rKdveE7KkZdWHnLU6liWixF17Sz29abag+ROQzWHa8RXI19dE5nE6dUybEzitoC3pJaLI/8Au9yClu29tL4m0PZHt6igJ2RXrvXq5uLY7U97bK0Grf8yx3fa6V5aKOA6gNkCxg8y2Mux4dAt++1hfr/Sl2SjP/9aZq2lwQAGfTZotMdVV6Jols2pLaiSV3QtuFyRKlQZ0eZ4+3cRcZbJxmCEE2cLL0QTEPDe29i61oawQSjCVQR2yUJUDTrsRGIRcK2XLoiSoxKi9S+qLtb3m2dKWam5qQCVYiIKxdjgLnhctEzSmuu0qcc0Qr82xSK1IQgORxW3MU23lqpN+s5GoF3C/UsPte0nodZomq/ZQSq4EqEoNQfUOURGpFakWo9gVTVNaOcaaSvYmDQJRlDCISNUVyBDidaOklLGiTeZxFKoEijiWzAmJmRRlQXLwJCCd45cMykXXs4njuczL+cnSlrJacH7avM+jfrbxrMJiukZO2e18lxoQgItp1RtdS5bwSraMpuWXQKlCdK7vt46PGzwzoZ4WHbbl247u61BUrxrhHu3vQZNYGFbY31FtWxiy7u6oasm6F9bhtkzX23eRFHWNDPPnvN8NPJXHAAhrXa9amtYNbj3zGl+YU0zKtXGBkaHjw4XxOrxtTKnmZRW1ryQa379mfpub8Zbqaa8VhZrEXXVeqbXAM4xpwU/jFsg4jvxqjYol4r3EaQSozldTVBXob54dPaEdSKyI+qOUEekhkZqutTPTX3VBh3gLueqVHscDV2rrT9btJEUe/tYP7Haa9VW01c650h7wmytgc5KBSHUzeFaYG6XNgTTPK9dnKUqmgtlWY2zUi8zJoO3UtLB33Ab37DztyT3wqlEoFgPfe2Zn1GXNwpT57xcmaprIKevlbo53NdJlPRreX1x9cPf29resvvWqX3FWdjeqz3pw1nAH77stdPV69urF6r6bRnytx/faadr9U7LjPrJEGHr16rlWslEt4uyRVAbNu2+/YpqV5ZqQgG111da7KtCqcaK9MEAW9N7VXIp5GxDDAiKuEpJR8paSadnUMHFTxE/EIadNa2HwXoc95MN3o4mUajo1uvnvEV+pSaDlbxl2CZPZ+0W4HChkkulkNsUEzHylYM4svXFuVDw/kzVR44vP+OcZub1RNEXYKXOiVxMzF5ixYUIEvGD1abKaBuNQoN/AyoBJTan6pvUobU0OTFtaRNbaIxS8fYCDai+jnhcC6Jq2ZsTmI3hqrMCZzKz1eHiGxvE7StSTrA+Eod7dv4NU7hhinvInlwreTEiU8AIZ3c3g62dO2P05mRQ5ZJW5qQsxTSpawXNi8li5gWhcko98i4s68LDwwPndeb5eMQVcFUYXOsPDQpeiYPNRI1RCKpoLydURYu1VxTNZF3aGeltPBW8os5IKdrWp6tCKh7vHEMcqOpMfCNn8nLJbJy39xXfBiyEJrQfr/4GQ4gaJNjLKF1BqIsxWPLQgtaqlDUbNBlCc/yhBZsWSEr1vBwLy3pENTONO/a7QwuErIYok6fUxHx+4pvHL/izn/0RL+k9YYJ48IQpUiVxroXTMZHWwnJeKCWzlBOF3CrclZItGMKB954hDqhUUp1Ja0KKY3Btfuy8ZxwO6LDnbV355PPPmIbIbhypGfLaSUuw2+9wbkeIFScKa8IV+Ex/3XTA7xxjHLnbvQGgzpCK1YuzvhDSyni7Izrriw/Bt2HsBqvWCr2VPBfdnJSVUiCX1sXQSgRSO0zbQinX/m6OXFQ2h9+dxSZr29TT0pwoOXF6fjKyU1nRvKDrCa3ZtNbVxEciE14HPhs+YT8eOJ9+ws5PPD98QyqOEmZLcDXZ3t+85pVKFpeECC57XSuoKKWUi8PdnG9LHDYTff09L70oH8Lrr0z6NQpK62ludv762BIgfv7QnlVfXobezvRXItOtarDpRcyiR1Et+9IuKvA6CexDEi4Z6cZtswV+fasXHSDdlkonYRlMglyyNJsK01ZLq104iQQ/IjEjtaA5mNGK3mq1o2mNxmh9tiEaI9m1qSK9vsgWLNBmdbbbtugubMcWaGBaqa6NG+sV6OP5hVoXzqdHzucj7x++4unpkWU92oiytFp2gUNywBHBj80ZjogLUKO1H/SIupGmRMyhCrFF8A58b8Trn7VnVK3tpPUF9BpcP/qILwQqNlRb1bSmyWLs4uygOmrvS0VwVQkUBrlh9Ld4HdHs2jQnJadm3Wpt36GDsQ6pjQnsPNFHyyed2ttUGksdegNi1/jNtZBqZi0Lqa4UFro4Q8YylVIbDlI914bDsn1tjGUL0EQvAgBdltCiLm3JSJfSM1Wfqh6vrsF51oNb1DI7bVmyc4CXNmChZ7hiAy+a7bNSZ20bSbagT1trSlFr+6DV2kSMBZ3qasGfKogzSUMF3bKxSs4WHi/LCdRg4BAiQxhNdD871jrznB85zi/kuoIr+IgNk9BWf1XHWjJZi7Vjtf5iQQld9m/Lxq/TpIpKoXNgs1qNtiQTtTnOjwxz5Dw/IaJMw9QC2yYw4ay9xfc9JYpke/HodyiKd4ZQeTcaBCwFEZv7jXjr7y2GrqSUtufYeWw5oetY0GvxEFE1PWjbaYZ4NOLBNedEuqdqZKXNyrUAtg93wYuJpQSbF+68o1ahZ/V9cEIt+fJ3qWgqBO+YXORufEPRM5O7IZWCa3K4InWzpz2otM/ZJmlJd2zXdVi9BHmbo+2oJK2U1nbCZvOv7MVVMrU53O1xjctD5yWw3Xa/8eFxfd+rV7mquW+PvfYxf8nx3Xa6tY2yQpqcHH0+/JaVXkd52/OwhXkNaPapFFWNB1Sas+23PYjRto+1vYY0g1VVm4Nrk4JKQAnUGojDDfvdW4aquFSQnYlhlHjTMt09rk8d8Zfs1Vh69j37bAfnTeEmRLbsUfUCI5aSjaWYVpNrixAH6wVclpk1LfzkJ3/I88sDf/xHv8d8PnJ6fjZm6flMKQZz4pXgI9SDjRwrE4RMGQzO1SJQFZ+TkcOqYGPPdziJiIwGyYpAaBscZwo91cgk4nzLdDsJp/VP1sYW14rH5ot6GU0+UooxXJd2zsWjLpDOHicD4iYGf+Am3nMXf8jb8UeEcks6CTklg6TXZDOE17wNiHcihGb8pEF1Hs8uCFMUE/xXpWbXpPWMAVo1GRx6MpnDta6WobrVjI+CTZD1RkCrECU0yM/WXmjtIkHYWMq5wZpZPLkVx6xt2c5LJlFqIZWVLijixBGJJh/K7gIld8rnaKUBHwxd6Lq02vaCia7UrQ3FjEvPS+zvVNPW/gHaaomVtSyIOMaYbf1X31qgBFqb0rIm1mSoRgwjKZ2JYeBmf4t4oeTKcX3mT9//Icf0HvUr4grRCbPOxjBOSq6KloAilJCoRbc63ehHcw41mfBJU2JClOoKlWRTI7FsTLRSFvBpRN5F1vzI3f3I/d3HxEGIfiAOk43lFGf906LINmvRyirjdIeoI8ahifZHpNq8ZuvpFXt/KaxrYkkrWRUfAkOcjIwXQ9vT5th7bGfTC61EYDG2s6ETYJKuajZiyxTocKnZwW7kSh8Y0Bi+jmAKeEGMl5AD4jLnowXnxhUppNRmRYs2lAiiCi4M/OrNr/Fmd8tPHv4M6sSZApLIfjFyaN6UbgymV989//YZO/luW2fbjy3b3pnhLkA1WxmkOdjuwn1HcV4hma8PbbBo7YHAt7rcD4/Xr/dBnEAvkf8yx3fa6b46fkHEIs2o8HOYvm5R+rVpMePTOQDd4bYFcgWVbFe/Kr1matfEXteHSIwTQzwQ/B7vd4QAAcVrBq0sPoLzpiblBRdlg2LFPrzlhW1QtWW4cpG/FDa2cikFrWZ4nJPmnG2TLulMmTPfvPuS0+mFn/zkzzgen3h4eCClhbycL8/Xli/WC9FANEAK1k/ajLjrwUxxbaNbq5BnRCQijNcJf8uM3LZJ2DLdvmnaxmnOVrVuNEYRR2yEEbfzMDiOQchOyVgGqanXXIUSHKUG3Lhn9PdM4ZYpHhDJdnH9YIbHm8XyzTn0sYj9KpsNaxkexYyIOKutOtfg3YaQFE/N0iDClmVgUHARw0ZqPxlV2mjDVhqxmARBcaq4anKIV3QnM4BaSDWRa2LJa+tpTSgmyefEUaQQG3nQacAHG9MoXpAgqFeqsyyitrCzbG0X3YKU7fYaPdHGdjd0yURicu0DBwpOlKqZfjX7WRWtLYtThEJagxH7FJJfqLkgTkg+cy4nlmxzXF00lbJUVjKrjVEUNsIXKia4oLV1w1n9vhVNcQheXSPwdcClYUIONBsrujbofl4fCWf4+t2PWdcTTmwIwhQPBGfyl9LKIGiyzLr1mvu6x/tIGAablOWNba/WRN16qS3zct43Fq7tnVyK1WwF4yA0h2rB/AWSNe1f2eqcPaCyrN5dskkuWdcG8Fl6aH/3falmuwwVK8ZLKIk1JVJOjRcheD9sThJMwKUuhZq6UMzEPtwxxwWfvyKLcR16371ijG8LxDzqyqu08JXD3QI9+/SuIUzOSUNNmuH9INP9eVj5YmfgAtN/4C5evdf1633b0Z315feOMvzCp3zr8Z12uptGJmBKUS3ywU6NkzYeysnlhF1FNn24fIcLmj38wOF+4Mivox3DGVuUbSZatRhU7HaM0z37w0cMw1uCf8M4OKJXxjiAGrtWRSA0uGpwl8WiBifhbcSYNc9Lm9AiBhertjaJyrpme44Y+1mcIt5gnodvnnh+fuD3fu//zTfvvuaLn/2EZTkjmhAqQXLT5cUMNZFaPaV6XFW8UzNuUqg5NyGJYicn2fs6Wp2WCTSgMpiCr2iD9ExMwzVn21nLIq1THwsVt7aOkqHYDFbvHOPgGMaB3duAjFa3noFVjSBUZqAKJTlcgGH0uP0dh/A5d9On3E8fIzVZ9mwfi7ompDldFIPO9EpoQNX6C6s5uKKF6myWb8V6rFMpqDp0DdTkKUma0209x73lCsjFyGe+GATsqk0b6oKYlYLTSug13EZ4q66SSyaVlTnPrHXhXE7mdKvpN0sL9kK1gRkZZfJ7QpzwTUBFaUQnV9v6t3OXUkOHjMBgQU8t0IYH2AQbgxi32lrzC10/2rJpUxvqs6id2BCPPoVGa6ZTnL0LLJwM/XA2jnB2iexX5vFIDYkwOeqcOC8vrLKSJaEuWpYuDhRKm2frq7Wm+Q7V+9D6cD0xOryHMFjwpl7RWlnnZOpVIVGq42WBpTyw5mcO+3veP3zFfrrldv+W4ALBeXJaqCWhmhBRbm/uiXHicPM9Rr9nnPYEB9W3thl3CSxdG9nno9Wwa5uGZDCz8QmkSVb2jLejFd2wm2mQLTKUVoJyjsbp6G1g3V61x6ua2IoZxoYkldaRUSg1saQzy3rmOJ8o2frBnQTiONHrWzkl63GfTxRd8d4z+j3302dkJ4SXPyexQkMCquiGdNC15KUX8DZLSu/h/TB7qleOzm2ZSHeml5/tv1aucu7aTnfb3x3mhbj6f/W4LlNuRN6/Uk6Xy6g9I9wY089qoFbHanS+Vye6O92+cWksza2W2yI89KL02WsnH0ZC2iPfrtSEDaWO3uF0QesTWb9m1ZEhHBDnCe1xmqBuGZZrmbfVY710R+tapmuf0dnIGjJWh1olWX9c01PWquS8ktLC/HxkWU789Cd/xvv33/Dllz/leHzG1cIoJhYudPF82RwhfVO3791HzAkdIqogC2hBxBSpnPjmdAdo8KxlBKUZXSPxIC36V4eI6Ua7FqzYBXCoRjs/KKOfiGHkbnzLbtqzGz0yZk7pFtXM4/pA1oS6Z8BqgKUG1jlS1opUmMbA3f1EWb2d26YGFXeDzajNvd2KS3sGrd+3LqArJa1NJczqXrVYz/CyZsQrITpc6ohEQxuwiUp9w3vMiLhqWaw2ckzRrtttWWKgWosGkMSGaeSykOrCUk6sdWHVswUCbVZR15Ay+yI4mfHiGHzAyYBjMJiyNiYnsknXpZYt1va+xkI1CNmLwfs9IKFlXr3NtflvfDfopWU43rJzpLGg1a4tLVc0B9x2cbHPnZyt/W3mYbBSDc1ZGXfC+n5dtSHzQ9lBERt1iWdgtN2kpsscXLT51LJD6oDirb2u2PQbU5hsi10tuJyXY2P4Wqb7MHxDaIFEzQktGdGCE3jc3zEMO+4+KuwPNwyjZxx2HKZbxDn8EFrJps+GtVq6d27Tifdb07W0cpJulqVDXpfJOq022RzJxlRvmawPbRBKucDNqq/tV85Wl8/rSq2FNC/klHh5eSYtCymtDTWjEZFMdKOUwrKcSevCOT2RdaH4yBoKWiOeweZ0qyNUQbSJNopQndj1a8Eb14FBd5zSYr5XKhM94GjBW0MTux13Fwiw2Ujd9uBVSt9sftfGv9jwSw4lV/f/vBe9zpQ/CBe2p/0CNPvnju+00+0CCh4jNXSmQHe8neVTq0m6W0KjV77TMqbufNvS78sa2DhxXEdV19CEiEX62iYEiXp89IzB4/RErd+w1p8yAzF8CrLH+8n0catFqZXe7A5aKyUvbWC2KcaYUg1bhKeiJCzzWvposWDRO1JY1xPn5YVvvv6S9+++5o/+8Pf56qsvmM8nainctrpT0pat94xTrJ9QL/tzg347Ucu1JnhcQsiIFKsdq2kqi052PvpMXzLogKgZ/57V2qUyIQNnX7x1HznQiS7XN/lbxmHP2+kjbncH9hMwJp70LTUV8vITMisaH4EB9YmcJub1ZnO6+13kzduJ+RwoqeBywaHcTWag85ybsbPG/oJJSRrKsaC6oLk53WRiASUbHBvOC25WY5uHPkJO6AIINNhP+1gxFKfFgpEGzeZq5YZUVrArgPeCVxt0n8mkemItM0t5YdGFmTNFCl0W1GEwZ60YGQslOCE7Z4QfFfvMSQALhDIZq3KebXSba3KYvtCnuox+Ygw7yGJOoU+VKrRWFnP4Q3MguRqLudLl99oa0w4BuhYsSEOxOzsaVLw5XNcIeNn6vEV8y6StO4AKrgZccUxpj9SBPW8MPdCWVQLBBQYZiO1HqqMUm4tbi5BLNAEHmiIaSi2J8/mJ83zi8eURL4HgooXGKtuIwa7ivNvfMow73s4Lt3dv2B1GDvtbwmAEsWGYKEsir3Vz7iE6vAbL3BrBTbkohF0yv8ZIFjFovEndviLyuFbO8h3CNidTXSv/1IZi1GbHVGyt5UyZZ3JaOR6PrGnl+emBlBLLuuBEGLzfELyaV9J5YTk/M88nntYHljqTy4E8CLobcEwE9QT1xOJamBDIDlJrdwMjkZFbUIaRQc25W3BVSre/NEi8k8zMcYu7OLuNTOZdc7gXJ9j3n9WDoWgrjbz2Iu1trj3mdSb8CmJoveqvX2HzJ38lnO6W6VqG28Nv4xJ0J9yzXbicwKsTZbu9B0SbAehHrx1ZJGYKR5tLFkXxbRO0uoU61lI4Li98rT9mPs8cn4/sw1vuhu8x+gN3u4/wMkCKOCwaH+sIwz0heGKM1ncnzuCVYn2KgpoebS0c12dyTczzTB+0ndaV+XTk+PzE08N7Hh/e8/z0wPP7d+iyWnsKQp94EHpdsmcw9Gb9/uUr2tupOuqj7QzXRCUhdaFqgFpxVDs7YmQg3zJz8QFxA+LalJg2GclVbQbbW4BUbbZtKZXoB4ZxYr+/ZZoO3N++4Xa3JwwZ9Sv300cQlfv6llM58VLPQDHWdwXFc5y/4st3f8znn93zZr1BxCNR0JqsNaOYId3qM85vEJVrTteY2ApOcNVKB7VCKGIEHufAKeM4sCTTvRY13Vk7kZ5t8JTa9KW+ZmvJjfRjMG8VD40tXFvwWGm4f7vVNvzAtLALvfGf1rdb1ciASGwEGzZyoNNgdd/SjUoFyVSZqWQKZ8zFz4gHGR27u5GP729wJSIl8P6LJ+aXhaLSmN5G8CpXyYm2DXZp02vEHXGwhQlyQXC6o3QDLgRCnChhJYfAUhciL6ScqXVFtSBA1JGgOxxv8Izs3Ru8eLw3m9CVmJwYP8GlnimCK67pLkdb301SUahbZmmrvGzlBqcGlXuc8S/UXruWQlpXXp4e0FL55usvWQ4zTgO78YDuBdT2dEcJumBNaB0KVlbauFGbHeJ6Hm4pCBcFsdxkH40MB9Ih21YOKE0L23xTg/kbR+74/MI8L5yOL+SUmJe5EaZWAIZp2DoTainkvFKWRMkrtViA6JzgJVAIOBxTOJB1weeAzx5Xg9lKjXbNtVB9Rp1Ju/asn1e3PZFp912hRhukLHJhPm9SVc3Oi/RYfcuFe4qqHdEQ15KyK/t+dQsdaeBiF9hO5ZVjuP6jrXN59YhfeHy3na70Vg/dHIOdp2vO5cXRvjpTV9dbt9SuHdqy3O3it4hpy/h63VgxvWCzatqccioZLUfq+jOOPPIoDwzuwP30fcZ4y0d332fwE5Pu8RIYw569HBjVI2HPNNh8Xa3SyDctqxBMmD2tnI7PpLxwPlv9ZV1m5vOZx4d3PD0+8O6rLzm9PHM+PhvTtsGbhtKZ0/UNBq71it7fM25Rum6kdruu7ZyqYuBXRnVFVLfWlE2cQRrk6C9OV6V9gkYx72c1SmuhEW2TdCqD33HY3XLY37Lf33B7uONm2kGYqd5x4+/RWrnNd0iC0+kRpBCCiWiA5zy/593jn/N8/iGn9TOmuCf4QF2NnZmLGSOhQ1NWf3PSmO0KtGKA9fMYP8D3cYbV+qYr1Vq9GjJBNWEQ2ka35SXNQNZWm2qtaI3IUx1oKS3Aa3XUvsY266kt2zNVqAZAtmzA4EQb5N6tN82Z25J22iBSzS2iqO11ViqJwpnCwqIv1tu6C4xvP+HN53tC3eHKwPHlyOmckXLBf+CauSnbHba2+r1iCEkLEMBaVbZ+UhzRD3g/MMYbakyswTPkE0EOkI/U1BEfxbuRyMTIHUF2HNwbG29oSoatla5B+NVq1NrOu2uDOLx6eluWnePcT5sFPk11K1e26UxOorHuaY1QtaA5cXp5ppbK4/t3lLUw+j11b4MxhrizmcDN6eU1NT6JtJHsFiB4182QtI6LYjyC0iU7wSb2WNtRUeWiJ7+ytffUQkrzdt69CwQXKLlSsvL48Mj5dOaldS2knFGMiR68Z9rvbYvmTMmVtC7UlIzP0XSbrezVxnTiGcKOsezwOeCSx+eAqscxIuSWYGeqqx8ghx+YXdhg4ra0t9uOLm8os2yb9Gp/XDvcfnupifclutFEfwEmvBHRrovj9P3Iz/1u7/tXwOn2AIdXkO+V/2yjx1xjLm/iOa/Oc0vtWi2vH5cFYJvS0QgR9KzY3jO7YM+18NRYvZjxW8qJVRfmMuNK5GV5T0gjX6y/jycwIgSJ7MI9h+kt30t/k7v9p3x6+yMGd8PoDgSsj/T0/EJOM+/ff8l8PvH+qy9Z5pmnh0dKzqS0knNimU+kdSEtZyQlRlyDCnUjIvRB4rmUS8bPhU184dX2792chthkHrDMqZ2gSzGcS/+wwUC+LXAbEdcb+S2hcIx+ZPCRNzf3VjHOJlm3xJn9fs/NzQ273Y5pGnAhk/REzTO1roy7iLgDP4y/wnE9QD2bIEkpKAmNZzJf8bRkfvLNHTLM/PB7f537m48I+4irkbKYsxhjxGrJFoTkvlakmwZjw6KykeClEXa8hCb4cdUe0/Smt3Pp2vOa3KWRkEzyzjJbE0EpJRoMbT1YF6lFEVIN1GrQXcHha+MGR3NcQxipRVnmhEMJGm1ms39LkAEvAzGMeAnUweDjRKCwEljJLKySSVJRL7ih4oeMujOrPnM8PpPO8LI+sDLbUIat75qr7993kGuOQ6HXI1tdtGcQgsmAanuMY2SKBz57+32KLyxhRgnMS6Woo5aI9xY83oVPGGVP1Le4OjDUAVeFWFotshnaWhXXBXIaEua6ilctjRWeG7pwJb8IW0YuKlRxGxzcw3nDgSyyKSmRZOHl8RHNyi4eWM4zp5czwQ0EPzLEsbUPebzzZKlo9RDGrc67GXdpe8s3+9QVqVyD2mt/39ykG0/knDgen1jXhePLE6qGAMYwMA6tZKPCuixNAMZquj256LVevyw2VMV5wjBav3rO1JSZ8kQpmYN7QxVFb95SouOdfEFc4WP/GUlucDffo0gg68RzOvEwP3IqD5zTEyU059v4OBdFqDYbWC4Sp91Eb1KO185Yrs6TtGvSCLXST2JzCLoFe3/x8eHkoO33v+Bx3/b3X3R8t50ubGdj40JgJ/iisSDN8fZMrqH4/d/bHapNYP/VdenUc9fj0Q3ygDbI3jWZR22zLV2HB5tebgUtM6iw5KO1NCzWHzdqIUhkH95ykz5FgieRGMd7DlFwboQmenA6H1nOL7x/9yXn4zPvfvoFy+nM+6/eWdSbjWlaS+ups7NARKx+hnQEZstmN+myrg/Zf7Zl2xxvy/z62YTLou/3Gj9BLtKCrp23frLVbcGoFjubMYyMfuIw3htxrEAOKx7PfrfjcNgxjpFhsN7OrJlSZqpmggjOD3w03jMG4eH5wMLCKc8GC4aVyjNzKbw//pjhfeCTjz/mRvYMQ8CpI69mnO0ayiaTWFtCptLlFdt37F94I9g1KPpqGg9b/u4vKEo/p40o1xH7hnG21+ose5s9KjW3gNJOmm8QYXCOgifgqdIGkXvPECJFCitL+wSewEB0O4JEmzzkbXRb5+Z7LWSEqiMeQBdEMsk7JCguVFQSqZw5zon5mFnSTNGMdx7VYEPRVS7M2NrDlN4C1q6/dPEUv90nTfAEtdGcjsDgR2539xRfiX7hOJ/ZyRNnnZlrJjrFO2Hn7xncjlgOCFbfdSi+Nniy+Xtp2SW11xQb10C1tcgZgaw70YvT1YZ2tH3wqlbY7fml2bC2PbjMZ7wLnM8n0ppZz9nq7RLY7w5Mw8Ru2pnEqyi1Bhg9Dt+YtxfjZufUIe7yPtsHbAGcFm0Qd2JdF16eX5jnM48P722t1cowjEzjrtWE+1SiC0u/n6+u3JdyRr0n+oAPDh8HNBfUZ7RG0IbMeMHdfUINjjSfqXXh1r+hhh27Q6RKILNjOj9afb4Ucl5QpzbKciNpbtvqYls2dMd+v/Bs7IGXbSVbdiv8fC22XUX7nlcp2aVl9JJN/8XHVXPRFQv61SN+Scf7nXa6DZ9r/WC/OCoR5zZYov/7luGpaf8aocmi5A79bHWoKwZxl2M05+UQF6jaVGa059zGRK1tVqp5fLHZmti0GlEQX0nqWPITz+kbHr5+4u75T/ni6Qs+Onyfjw8/YFdHYo188+Ofcnp85t0XP2E5ncgPJ+qayKcZVcvm+6xfG9ptRIWqTS/WK7k55pwtw3U+XE5jPyet7nHRxLn8p4CTYudt8CCmTEUNqDojnYQRqzmC8VRNNAMirhE7nDqCC3x88xm7cc8nN5/gcE3ebiVNJ+IgDFFwrqL1zOP5kWU9s+YjVTJ3JRAn4e7Nnl106P0PeD6/8LPlC5IUZlmQoGjMfPn4BzyeviZO8DT/kO+//etM8RbhxtpK1IhGaE8oTOkMZ+bYKc24QUkZLYprqk02EaqY83MdvjUm9iUn6lBrq4f1VajWVmHqPVcGXFotvHbnrQQ/oK7yZveG6jMyvLWim7PaXkmVZV5Ix5lBHIMEpECZk82vDTb1B4EYQxNjOKAyMfpAIbHUAytnggxkt7CmM89fZ87ffM38nFlPFUkBqb5l7cZQpSMjIm2vNdheQF2PYNymAWzFS/vp7UROArtxzxT3DIwo4Jn4eFLkzUAoI24ZGQKEIOx0hy8BckSKsx/afoOL3oq2LLy3hUH3wkhDFJxckyvlkoFhAba0+m03+2W7slZeEFp3l1bWeSa4aE7IJYok5vPKfFpwziQvb25uGMeR3c0NcRi4/ewT4jhyczjYdekYeUNJgottCpmxiGsp+BhMWMPZTOz9OFBK4f72hpQS59MLOWfWdW112cx8npnn2QJJ6bbN3sMSEhuasCwLyTkj0sWB/RQZYmQ4BII3pMy5YGMw7z5Bvecwj5zWT7kbMiqFaT+iRAo7vnn5hp8+/oQ//Pr/4E++qbznPaseocpGcrqGia8nQUnr0W1sU0NPnF1T+9WeV6slExYaX3fcd5LsddbbkU97biex9iBZG1r5847kFzvWvzKZbo9mQS+ZbYcquHKsH0RU/W7l8m9SAWdtINuYLF73ffXMzf6mUeFbYb5R0aU5axPUKKgUet+tirUI1cbXKN7EKFKtrLWwLJ5cFTSiGOFmKXuGOvL4+DXHh2eeHt6znmfcKVmrS072hVyHanTr6e3ZmVwZE1p2W7GZoj13va5diLi2gJsD3shkl+jUMtoL4xlp+sq+BTDV0jlDhhpS0DR7A54oA/vhwG44mHAFQpVMcQHvwIeCdxlVc8Tn+ZnT8sKSXlAy4/6ASCDWHV4G7oZbyJUHiS0utppzdcJ5fWBeF949f0GIkTeHT20Igu5AvYUGWztMn+DS251a9tuGBpjyV3PKYDXZLiaxReKXc6yijQWt5qD7KD/B2mZQnGtGXC8uWvu578FPq6H5MEDwhAnEQ8W0lee6UF0hiJF9QieD5UbEaspMFcEG7zic6+IsSiU2JrIns7JoJBcoSYzReqykpTIwEAitPt2va89ke6VTWgJi7SI92+8qa1vHQN+obW0GH20whfjt8Tt/4HYsPIUHJnlhEAjSOnK1jY+rssk+XvgHwvZHNwSXVGXLdvudtk4vqATbbr7898ru9C3R1zimilU66pQT1qMOy/nEy/Npe/+cFsZxZM0rcZyQ/cRYMjEEQgjNjDnEt7qpa2UysGvZkSQEp83+eIdqZYieXDJjHMjZiJbrupga3Wrs+O50NrvYsknDW5rQjlZSsh75SsX5aIzsGIne42XAucgw3aDes3LH4IVy/31EKuM0bU43ykStytfPP2V0OxxPXBdmt8/TUydtLZ8dmVN99Rn7srm26NevQQP+r169XXbdrsGWVW///kG6q/1fL6//l2W4fzUy3e1ENfjzCu7cNvirhSVXzzI4adN1bPvNORM32AhT0pmV0lRt5CIjDPim5Vo7dit+U9KrRSjV24QXxYgUYKLzYqO9QGDyUJTsH6m6sMzvOeY/493z73HIbxjzgeXrTHmprKdEXaupKInbRnrV/n3a97OWV9uqnemo3hkkpEZcqm2EGI1EZJNKOkP7tYBFN08eY8x6F8EppUZQjzqPuIjzQ+vBrDipmL6VzRTVbLKLb27v2U8HPr3/jCnuGMMOLZWlVKQ5lspMzpmX03uO5we+efoxx/mBwmyZYb1nvxuZ5BOGMfLp7adMOnE+rLw/PfB0OpHrSq0J5yrOrfzxT/4/fP3uC8bhho/vZu5CJMoe1dH6jzPtzLX+Y5dtzFpW8lIoqZKXZMS01reaUzJBgeMj59Mz63wml8RSFis1uLoNCej4tbQ+TG39un10Wd/irq8LutY0iAx4gbyaElBa7fVdaBn6CpI8O3drJLS4Q7JAOlOyZXWiRnoRsEEDOuB8xLEz3gP3eMk4PiXpyq7aqMOcCrfB1r90Qabc9Ktbz7Pv/qpPqMD2iAWwPctoq0h6+cP2pfcQgmM3RfbtB3EU8XS8/xjvyeMZcStooawmbEFuQZ2zMYGFaBmSmBJS1/G1mKqtY2ltXE5bwNgcWA/MX0Xs7Wj1FXXasnf7BqWREKUWxEFNC9k5Tscnk5AMO2pZgcS6rqQ1k9YT3nvC40iIkffnJ6b9ns8/+5wYB8ZpxLlAiAPjOLHfHyzCcg4XGtmv7VBfm663pWF4ccSgxDBSa2a3Wyk1U0pmt9/x/PLMy9MTyzwbMlZhnhezD13xxNtgkHVebejHuvDm7p4wDozB44cRX6wNcD1bX/bAiBcljL9iIWONqESq3+N2Iy4Evnj8M34Sb3hf3zWn18syhk70BGpDHJpD/Db0VzYn265LNcfoNrKebK9/7ajtl2bzX73Ehw5ZePWvPUPe/v52x/vLHN9xp4tlJ00erUe2vW5pJcoeZcP15WvoRbMFV8/TdtvjW7n+aeVPJ3TOQ3dHvR6EtDm5CEUt6u8Tikp7f9ci+VfDrJ2iLpPrGTRzTBXSSkkLU76lrh5NjlJ8gy6FrUjLFr+231uESMvGRa42laVuotoEQHr8eFmkXH/vFo10eFnkwvjl6pZWk3L4lk+5yys2eM/hcU7YjXv2054pTgxhwKmzvs6ejYhBPLkm5mXhdDoxL2fWNCMu4bwxQJNzLMcVUeFws2eQif1w4LjM1pjfslRTBVTm9QjqmNejSQ36FUekqOkFm2G1Bn6RgtRESYWSCmmx27wkSi5osZ6/tK4s68KynFnXhVKSDV7PyZyuN6JOpVg2zQbPNKd7Oeu09Wrn3bKcDlM7Z86EatrUuVgGG7VlRtk0raMbGdzIEKJBZblJvNcCTayglub0ir27r9HWshjCEhmMxKWJ0Lp5+7o39KZSyoqKoQlQbcBByzLoW+2qln0xhFcmtMfCmAxqbJO1gjfimmBTgBxCEE+UQJv7tWmqSx/OILaeL9wDWjeB7eltXja2Hy5Igm6f020FmssH3LpSelTeN9jlw7e/Teqy1kIpRmykIQelZhSbjlVrJqVKKTYO0qWIvDxRauZ8c6AMIzZCMJhClQghBJyPFlioteMJHfbuH6X3qZotCEIbXmA99FUDu7ynoszziWW1diCtNkrR2gYvmu8VGy4BQIJUErlmCi2IEWuP1Na3753V5MXvWkYZqRIpMjGEiZGJGKKRxRp/4urkcRXpNDepr5bK9WGoxOVy2NMbCtduwWycfHA965XDvX73678u/tMe+ypT/rlHv3rCL3V8p51uV3jdehPBFt4W3XTH6V7vkcvZYrPMzfxtjrdHwJuzdThvUbk4tikjoZFh9Oo1SvFkHLm2uT4Nri0dasOYslVtEkmuixn5sFDrTJLCaX1mXb9inT9hWm8J57e4dY/Pd7gSttmhtdWzS3dW6MXIte9dnUPdRSKu6f0ZkWALRtr37861kYFc05ztRmtAKFJAF1P1qSvSjH2QES+DnWct+GKqPVLMQNzt3jANE7/62Q/Y7/bsxz2osJ4XG+rQ1L1qzZzPJ55OD7x/euD55RFGx25/w2E/EIPDZUUTfPnjR3b7iWG4wQ07vvfRj6gy8OXzM3UEnYTpZiROA8upksuZpbww5yeW8II6cJhYCUXQkilpQetKLQvrspCWlXXJlFRYl4WaM2mxnsVltnmuD8/vmZeZ0+mRXJsmsi/gTe6zUgzw2mpGzWmIMIQB7z1xGGy6URxM09aN1FKsDcStqCTKqVCSkha7TsPtZIhHMjnLIQamMHI7HkxVSgq5iOlTN9g8N05BUXOkoVobjAvWNz7gGSz/NSnRXVcMKxBMEaqEM7VkSjo3kY9EpVBYKVLI5LYOGh/CtT0F2zyFHtT6EBjGkbv7Ow7TgWGwHk+P43TOrMcjZZkhJZwviGuq0cJGUO0q0fnaL8KG4my/Iy1T9S3jprHpTafZbP218ee1LWn7TJq2c7ct5DbfuCbWBM8vjwQfGcJMyUrOhqD4oCCFSkMrViFL4XzaMUXHOE3c5nt8MH7EfHrh6fGBOE7EOLI7HBiGiW1cSyt/dXE9OoVNe0lCEGz6zyeff8rn4TNynVnWE6f3D+RlBW+COKm05MX7hqLFpjleeVmOcBQIggTHWAeTFFFFFLwzezH6fTtjE0UCSxg55hdKtT7dGle0pDYopH127WpdV6aoO84P7nZXP6/TBLtu7irY367dllx9aP/b5f8lJhX8su1Av8zxHXe6XDEOdUMNrL1UmxPi1daBS8TS/a1u0RHtkd1DX5xuz5q7VLBzJkHmW7pcL4Ea6qRNfaE5q9bD2yLs3pDfOv1esVTtp1qtjtL0dTNSbayWb+oVXZN04yl3Y/Nq9V5utf9ji9K1P/Yq07W2lm5sLpmuSHfGgmutMLV6+x7VfoyJ2up82gYmiDTGrek576c9++nAbtwxDSNOGmmpkZGkNdHnmsglGzkNwfnIMHr8oNzsJ2LwSDYMPy0ztXhenmf8zhOjGaub/S2rT6wuMw4j036ysWPFsaSZ0/mZgz+hzuPljBQPWagp22vmhZxm1qU73kzOmbQs1qI1z9Yfvc6klJjnY8t0rQ3DemELKk1ju4lCSGdJt+thGW3ANyfrvCf6ASdNwUtNr9hqworTgGjEywgoUczpWhbtEImtRWgEX6nBAixbmubMtjWh0OdKdL6Twawe6IxaGmRnBBkjMxRcAFyxARBaqNWccSLiKYiY0IIpQV5lu9rubBCEiMP7SAwmhhKHCeeDEdqKmub0aoHOJq2kdduPW1/5tv1ekyovNdrLj4j1S/fn9vqzaG9xuwTu0pOu7rBbrXEz5Ju9aIiX1ibbubYAt4lStGzciJj2+UoLvkpeyaswn4+glWkc0WpCMlUr0vkDtRJjMAfnAl0+djNQ3Q5u50MQZ7VeRPAxEAcT5ECUXBIpL1YqogWDQiNm9jnXltSkmpjTzJpXUknGIu9hiVzOoZde6w+tvUkoVJY6s+hM0pki+eo6ddStX6purS/X8BL0GLLomo1/5XT73/1aXlnAvkA+SIyvfv8lHWo3n6/v2vzMXwlxDDPJDQqB7YzYVAqMLeteEyE22TntA+l1u/81BN03qGtO1n6Clzaf1pyxb/NNpQmlbtGUszaK3kpT9apOvLne0uaiXmZ8WjYQcW5E/ESVSNYAWfAJYjWHXfSS6V8qH1cOtrH5EGxSCXJRSdgedZFE24CYZmC6/o53Rppx/XzgbRPlk53HarNzg5tswlANVtMthg4EJ9xON+yHO7736Q+42d9ye7PHOccynyk5U6q9Fr6S08zp/MS8nkmlMO5uGA977u7v2O12HEZzutFDLYmHh59xOr/w+3/wp0w3A5//tY+Jw8Rf+2t/ja+fv+arl694c3fHm0/eUpJQivDu4Qvev3tAvrdnH+9IbsUVj54deVmZn0+s88xyOrEkI6KknGxs4mxOd51PNtIvLdRq7FAbhZa6NpQRp0rZQqPa2Tet7BD8gHeR/XBHDAO76aaxVwcz6hVETDMvFyPguXpgILDf3eK8sJ8MLTinFVVzulECQccNmUmlkksllaYr3UQhNieVEkjBFRAuilm9TqudPCi+8RsCYZhMX7o5G2tZsylIhULSZKSilDY2eG1IS9XUtH1tBvI03rDf3/Lm7edMcWL0e+ZlYTk9czoeeXx8b3rIZQXJIKbQ5rwj4U1Epvb2j0vT+CWOvphnFbeVhLpzds7IYL6t81fFk+7c26umksm1kFObVx3dlnGbTEqTGlzBSWKVTJ/P7L3HxytBEGf7PyeT+Hz4pjJNOxyVcdpx47Bz5DwlLSCOWhPruuNmf0sMI7jIVuRStWxVW7+qAxeClbZKsWEuDkqTFl3WI+t8YvJ7xFlZqKqg1aNiDHdr6RLO64k5nYkxIF6YDnf4eBnL6bB6avT2nEqgOBsucVyf+dn5x3y1/oRvyhckzjZfuPf8N4fouyTXViRwm93uFtxpxUvdhH58T4boduvaRV8lWlxnutr8xM/37f4isYztReTn77p69i9+7tXxnXa6VTq82tnCl6/diWpVFam1ETouDvYyAMEMpGWjPVJ8DSxdhLbZfJvpnGJ7uTE1evZisn8t826DF3TLettbiuDadCIVq5NVALVI0bk9MRwI/gbv90DYDMvGvGuvc/lg7bb/e3Okrgcj7cm1wWraH37VTtEj1g1a59IuJT3TVQP/dMuGQsvMwqV26yNjEMYAN/sDh+mG3WTKPHaOWtZCNSJRm3RSGkzpvDCMA+IFnDD4WwI7pI6QTe7P+8zhkFAXkIefkkrl/eMjsjMiTc4rWrJNRVlXhBFBeHl5oaxHvnQ/ZT8cyZPgNeKXQJoT8/OJNC8s55mUZtZiAyRKyeS1w8tnE4tPy6ZTrJfwz86uXpiiF6TBnJYTz+B3hDAwhAMxRKLfG0OZYEx3UaudCah6ahFEA04r0dnIuiATihBdtOywWksPdbCJNc4RfJsO5CqltZ5oE3xoCwCT/LyI0Ztcp2W61pohjfFu36XzEkydCRPpUFr7TWWQLm/Z91dvBams60opJkjhnOP2cMvN/sAw7AlhRIioJpY1s6ZsNfR6aWzTTmvFoTTEBXO4v8hmXmqyuj1mE1poAXEgWlHFdU33ptsrXVWs2RUVqmbDLvq1dQ2a5VJX7Xzx/h59AP12OIyMjKXCeV1YBc6nF2MiDwM+RMIwtu/syGlBBNYwWM3YR2tTq4aEdLvX53wrJlXqJJBKIZ1XTvOZ83xuwhi63Zo9aMatXUc7bf7VOdPWsywX0KRFiKYZrs1R55o55oWn0yNfv3zF8/rErKbzvdFLYDNol8TntT27tHCJBYX0MOoyBmJD5a7+ax/4wt/rryiylQOvuct/ocP9C44PLfBfdny3nW7LITbmrm5AqcE6gGsFpFdRzZXT3TRoAROCtwUDdhI32nq7oyM5vjGYtak7VWnPq2KjwxSrqTnbDNZSXDbHJwpBrGUoekdBWKtHdUTZMYSP2MePiOlAKBMzhdwyFbdNNBIjM7SrLR9e/is4uWdOipKkTZQRd1nwH2b4ra2j91aaKLnD6dgm+tmwcM+Ak8GgUQZQg0dDcNzsAjdT4NM3n3F/+IhpuCe4yLKerZeVgnOFGCspJ5b5hVQSVRLDFJjiDgke8R6f3uDyjrIGVByjc8QBPv3sDbvze3729DOel3f8wR//AfFG2H0SmOuJXI88Pz2QKdwcPsK7kS+//CkvjzPvfvzCbrjl1z/524x+x05vyXPm/P5EWTN5TmRWiq6seSaXlbquaC3UpubTh7nTsp2tmAQG+fbOFFqagSP6HdEPHHZviWHksLtv9b8dvd6valOkkMVgurpS8wrFiGdjsIw/MACm31syLKki6qkMhBgJYSA4BcdG6Fqz6XfXZpRLMQdZajay8HX8rh3Wszpf0NAIRyOOsE3fGeJgfZthtGzdB0KIDHEgBGnG2Hbr+XwipcTpfES1cn9/xzRNHPYfmzMvQiozT88nzueFnE2j2tpI2v5p8GeVofXL27SqKLlvcUDa0AALmmVzoq5B0x0ntpJIwDTPgxO8GHnLsvnLVnIS8DlR09x6gmWzRfbaXFnhjibpVVuaNiRBLu2H2RCA5fxCWmdqyUy7A6BMuwM3oQUW4ljOJ9ZlgYoNUxgC3sUN/jZgzeGj9YtnTfjgGWLk4elrnl4e+PLrr/j63TdMJRE81LJY4B2ClSqCR5wFYbSM17UAzgWxKN4L4rvLs6BZXCUM1kJYCpzPMz95/zP++N0f8Xs/+z/4yfHHPOkTIh7vOtGxrT/FBkps1+qCNNptc7TSAqJ2rr24NiP5Yv+sd/w6IugV8B4pNGP4Kk99nRm/PvTykP8Jx3fa6WrTI70+eR0B2CCEdn9nkndHuh090+OSCWor7IsoTqUNknYtwnVbY7b1NeYtWTb/3ZWNtC0SNSWcFiEaGm2bv7ome6ag1SM14HXC13vuhs95M/yAkHa4OvLevWdmBlETR+iDfq+iM5VLtCb9bGj78i1YeAWjt+dbzefqRF0JiPds5tIn1bJ6J1A9aEQ0EnAEFQaFwQ/s456bceBmGrkZbpjiRHBX9XFVSoMc19Xqt7Uoos4Mdwh4H6iIMSRLppYZ1YATYV08qsK4t4ERb+8+gWPh65cfM88r8/sj2S9kv1Ae3vNyOnHar3g38vLyzPm8kvQrRv9C0GDKWP4WVkc9CzYaJZiqmFSyFpvJIyYnqF5Q52xS1LYpG7rR/279o67VxlywrGQadwQ/MMSR0Oq30pCDCxscaO+tUhryEAh+QjDtYZtZa0IKPphTU79QxPqUnRgesdVUnZHcPDag4iKg396nOYi+dq92Wvs+ldrGMdYmBlMlgDM2tddC8Na2Mo2TlQNuDgxjYBgjfY7qupojPZ1shN7Nfk8Mkd10g5bKeTmTUmZZFtaUmrSnIG3urkll2lAJEw8Ra4ni2ljbWndXUdBF4KY73WY/GmvXyFWuZXaGSHRT3EXyY5/P7dRIRk1ScssSnWv7u8PZbU8KFzb1ZpD6nuszi7GMN6+k1XN6eUYVQoj4OBKiBbyisKyZUlZ8nfGu2iQyMWa2DUcRxCnRC6UNRnn//md89fXPeH7+knl9wMlKlAp+AIKVitQheUCCww2BcRrZ3+wae3pgnG5x8YAX8CRDqUTJohQpHGsilcL708JXL+/546/+mJ8+/hEPz1+R0kysEdrn65Iw0vZMZ8DLdbbT1y8dbSvtp5tvs3F2inuAZcnMpkvQHt2kZrgUFq41qq7d9tWa7+hK+0jf5ngtGJNfiLJ8eHzHna61QfTT2lHgD/wwpTuafh3p566fJbcZm87s1db2YvCsUDRgBCa/jQgT0YtXbwUTrdLQtFZfaMSoHg5Y76DBhzm0sXyqSPa4NTLUG3b1cz4Lf5NfOfxtpI6oBNbwf1J4h/rFSDpbEOEvDvbKudou71qmfVGynStpMFlXfuknTKVNuBEbPabONcp2wHoFm9PNBu1JmXAEBnUMCHsVbtyet9M9N/s9h8OOabcnxsFOEfUyAD1XSi6cZ8u8SjHS1DTscN7jvCflYmPI0kKtC6XXeU6OmD37m1uim/j+Zz/EvRP+6Ge/z+n4wsPTl/h9xR+U9eGRXArTcI93A0/PmbRW5vN7HI6Hp58x+pHb4Y7Inl19S6y3DPUN4ktTDjNGbvXNsXq/BWIXtEQvP73coTaNxUsgxh3eR/bTLcEPxLBvyj4RxATie/tVV1lTseF74oTgR5yfEBzBDa1O2FqGfEFdQrPB3YXVhDAoOEKbwDO0LNQ0wi2zrSg2vQdJbQ/UbTmBNlRCt9/73rD+5whAqgl1yuArfnDc7g/cvbnjo88+Yn+7Z3czbcmHNi3k+ThTS2XwESrkU+J8PvP8/pllnjkeX5jnmVwK4h0ig+13rWixYfaWddv3FMCpewX0bFl7y3Cddwa9tn2/GQ510GQpnYutfu17JXhr95rEob4wVE+RwrmcKVpI1epNSmjQbr+WPXAVGn/SFMe6+dnKS6W1QRVycmgtlFzJa0bUsbu5x8edJQhFOJ8XhIxLA9FnwhAtMO59+IMSg2PceV5ennh6+ZKf/OT3+dM//QOenr5imZ9xu0IJEPw9oiO67kAs8HfiCN5xuN3z2a/eg9+D3+PyHpdHohOGukKsqIPcZFqf6wsvywt//O7P+cn7n/L//OP/F1+e/pyvXv6UEs5McbKas1ygcBPYqShpg4LpjpiOUPRgKG+Bex8cIpczTQfwpXWx4FpSi43KVL2MU+0ZcP/9Ithxrf2sV393f3GdtXExrn8lnG6tZh96nUHbedMem/yiQz741w/jm16dqe3WapBVoPTh0GKC97K1HfTh0ZcawnWtYovOkXYLtQRAbTZo3THKRxziZ7xxv8rH0/d4O3xK9kIWZZCRIBFo83tbLblnzdvC6I7XXhmlbmPOOpHTNVjdlT6Pdesyfn0mrqJx14aZ15a1dwRA1OQvRh+YJHLLwO04cjvs2Mcdu7Cz4KUxKA0itF7GeV7IJds5BavnOZPcM7izUHI2ecimC9vJFaUGfDGj5KLapKbplje3n5BPhfL0NWVRcJVSMrUm5vqCw7Os1sKRW/31JZ9YSiDXR3bu1hSaJKNNbYwCRdfmcHpUI69Qkr5JN5KOamszs0zcS2AYzOnGOOJdbO1YXXP3ss0tc7Ks0upqivPBShJNSjCGuEF+NBlJQXABG/yQE06hYJAhLRa0ebPB5q+2QQvqpTnWttq1+wOHSXqWTe7ykgA0VKg2SVFnUGwIniEGxmloTFkQMYa6u1hKnAjjLkJVggRqqeQlU2rm+fjM6Xwk5YRKxQUbc2ns7O7MzMz6q64AY9q38yideHO1rzcGtWxAzyUT6ve39xBnCE//ns3xGjvWYS2zhhBlvdRE+3nr7yHitut7AUFbC1Vz+NLGdlJaqaITz0piWc48Pz9Z+cp5wrjHBdmGSWS3IlWbHGULkLHPWGtmXTLv3n3Bn//5H/DN1z/lfHyg5DOQWDVbHZgZJ+B8bep6Jsu5HycOux03h4nqBqpEludq6m7liaMW8tkmgz2mJ+Yy8275kuflmT97+FPeHb/mx+v/lxfek6YnCMWC2Fay6iR2Qyz7LO8+mKKdwtZ7fLntDtdg/y0oapfXYchCv58K6qQJ0pgt7ivdEDcTRenrQ9rafuV0VTct+avVdDmuPtcvc3ynnW6tlSaTfAl1/hKHu5Edfu5frqMY3YxYd0W1yUn1+oNizE3n2gdQRWuj3V8lO9e1Y8tym9NVQUuwx5UBrwcO7mPexM/5bPwhn0zf56PhM84hMcvKIBNBYmvRqFZL1r6JO3XfPneXKt0MjbfWgZ4BW7+oUnSFKpQGkW+O9+dOTtNb9R5rcbII1Kll9957Ju/Zu8CdH7kdJ+6GHWPcMcSJLIWidXP8qqX1uDanq0Z0G+K4RZq5ZnJOzYFYLfIyYUSodaCUQF4TQTzjbs9huufN3Wccy5mSPWWp1ptMRkjk1dpvlmTzX1MTdsgp40VY0sA6vGGIsTm8AMWhWeiiDOJaJtPPuvZ5pu6y6Vu9yOQYA9ENNh94mAgh0sehbYPdWlDUHa4xnxv7GYPXvLfMa2hDC7wLzYkZklIp9loB0EKqM74KRW3YgZURTLQluNiyuEZuwlE191XUXFprE1Ob3VtKotbMJgOjPehtOtvO1l2MgWGITN3pOgUKVZPB6O6CTMUQt9VbUuV8XMlaeH55MqdbVipKiIFcK0UFCG19NsSjq0xdqXhZPCSXW66Sp26itf3e9uk22KAhDSK9nGJ7uF9Th8M73UYHinPkRgisTQayX8ZO0BKMe0Gv5fZWqZbuFt8yvXwJ2Got5JRQPZOygpji204C0XmMSiBkWXC1UgYL4Fz/tuIoJZHSzLuvf8Yf/eHv8fL8DafjA8oCklhZyaoIM16EwZuN0+LwEtlPBw77iZubkaIjSSPzkwnWpOUdkk/MrKya+eL0Ncf1hT9/+hOe0xM/efkTjuWRd+tPqH5Fd0tjnHtT01O/KYVZ+6HZURVHIV8CGOk9GhavOelQbmOWt8Ro+5Fe673U8rU2MlylkVHNhm+OVy6tZ32lyHUNsiUxzsnljg9WFe2z/jLH/3Sn++u//uv8yZ/8yc/d/0//6T/lX//rf81v//Zv82//7b999W9/7+/9Pf7Lf/kv/8PvuaHuHUnq0W5zdq9Yae1vvXrcX/ja7TX7BI5eH6vVhNLxrb6gvjlct0XGtY8OK6Xp9XoukngQ04jXyKhv2IeP+XT8WxzkE/b1E9KT8vX7L3n++onT44nT8YFaVrQ40GhGpjnRZj+2o8chfdavNExLrhaWANF5yyQIaK3WD4xF6k69Df9WrE+wq9PkDDUTklovsgtMIXIzjezcwOQC3tU2DSiABHA2vD0ly1hfXp5brW5FgXEcmsqXCXjknK3XMafmNNsUmKpbP7RqJmdlOM0MdWC4PTCMN3z++a+xuMJPn7/krEfOeqRooZBaolMRb/UuLabtLJJbQFTwElnCY4uyHZIGbFiDvzLMYEMcrIXK0WfBeqbYhC6ikYyC80QXCU3Wzzm/sdDzalmF2ABHW5e1M/Hbv6lHGOitI65lyD7EJk1q56fWgKt5y7L63HvaJB0nF4WeLvYJlhG6EFAVirsw+jfE3Nl3FG9rvLQ13UXh67X1anX/rHBeVrJWUkqMU2SYIoebHeM04qPpCbtokGxRC4JkchAtCCxSUHfV/mOXju2PS0Wkvb3bUJ7Lxu0PvGSZtPUt0jkcNHGMS8bkXBf1b4pgUrfOhh6a2gAEBRdwKLGvUXchbL6aotM/79UUJPv8BmerOgSrD6eccFIJQUywBTifnpotyYzLHu8HvA9oNN5BbQS8NBtC9/ySyWVhXV/46ouf8fL4SE4L3oAbK4tIoDql+NRk1E8mKXkeWEvm+OIYpsrpIWKKWivplMhL5nl+JuUzp3xiqQtfPH/JS3rmx48/5VSeeJe+IbkjZZcgZhgruSF+MVdCzbgQbOhCaTK16oBq16edaeue6A6tblmuF7f16gq6DUpzTRAkbDOPO2FLoAao3uaMbKQ86BWJrW+7qgVIVyhJZ1C/Pq4dLtRvecS3Hf/Tne5//a//dYv2AP77f//v/IN/8A/4rd/6re2+f/gP/yG/+7u/u/09DMP/4Lt1CwwbmeGD49sc62Wsk/5Sjrc/B6CUsj3XJvs0sML6fTZ5M20Tfozham0abFmw4qojrANBJ/bylhv/CW/DrzLoPUO5I71kzi/vefj6G45Pj8zzkVKTrZAGaXbSzpYlXRmW6xhMuYz264ZIgOB8I5t4I8joxUCYkHqzYz3Sr0DKSCmEbE4hhJblDgOTiwytD7LWhGL9n0YEKqS8knLh1NirqgXnnPX+iVg2Wyul5iaOYW0lW8O/mu/vg7x9qZznhDojuMW44+3bz3hcXrjZf0RdPctaKXqiqtUgN1REMRayGItaMIWmQWaSPyGtXup0h9QJUWtlEenzOhtM2Oql0ZmkpSkqDUzTjujN6Qbvraba2KE5VUqpzKwWSJSrCNppk2xqF1i78lGHoQMi1vPpnEGTSqHkC3nnkl11R9tht/71m9NtcKs4Y8f6plpV1NZspW5qUttJKxlXbVIVqo3YozTLCM4Yw0uy67cuM9McGcdAwKbxOJlwURr731qSqgeioMHq/pUGM17jwz17+Zajy71aTNvb96AHMxdotyMU0qEo+rCErTQnvRzT2m46EYo+BLCL7gg4j4gSOi9kC1xeWQ/7jP3u9p5oJxaGDbbuNkMduNqzZm194QbR15yZdnskDlQdrFFNA1QhJVNDm5cTa5o5n594fP+e+XRCSC2Da9wS8UYIc8mg5eGMFKjzRK7KfB6Yj57lZcVcdaLONlf3lBbOeeFlORqsfHriZX3i3fE9Z33myDN1WNChwFiRnVKzkrN1lLhq5D8n1hon1ZBCI7W169LRis3OmcKdd26Dl7eduC0/aY7Xbf3RHRGsxVOrx7fyTZsd0dbNxn229d59Q4/jemD5wTW9WoDXjQt/4fE/3el++umnr/7+V//qX/E3/sbf4Dd+4ze2+8Zx5Hvf+97/xHftk2HYHOL17z83YeiXBd+vHvu6xYjWSqONNXlxVlp7jGZtSj3TLbVvNN2c2q7eMcktH4VfYygfUR7ueTk73j0+cH554PT8yHJ6T1qPOAySDO4WkYBKMtOy1XCv1LfaIrPPaD18qor3liUNwfoRwViTOSdKzQQx7eB1XdFSKVKRrOCDDTX3gaF9j9i0gMedZwgBV1eLK0Mi+sAUHOIyKZ84pTOLJl6OMyllBM8wBGKcLF5p03dyya1kYDUtbeo+tRay2jXOqWVZpTmEoFQ/Mi97GCCMI/d3H/FrP/ybvDt+w3T8hqfjwGnZUUkGY9WE1tyEIjLqk8FYXknOc6ZQ/ApxJlQhImh2F4a6KsKAE89+uGGIE2/vPmW/O/Dpx58xThM3+1vr99x4Pco0TvjgzTCmzFdfvWOZF56enskps66p1djsujptI/TU+maN5GOOW3tNvV4PXm+iJuIJLjDEgWkYOOx27HYHCxoIxLCzWnLPBpyt2FITtRbWtJJrITXBC9UL3STGAVBSatdKLbsYYiQOwbJmJ6x9yELJlHkhBwdr4jwNHO5vCFMk3u1wMSCHwXz6oGhUqq+oVwhQcyWraRf3ANOkAw0K1h6wNMNZO7fD7rxytReqzXZv24u1NvKkFKvjt+fSevuN0GYknK7rmztruTNuG7xu9WC73mYvmmGAJpTTDEutEHwr/TblLxcMwam2Tn0FJOClcRDyQs2LZbnDgPOBr3cTPgTGcYcirEsi5cTp+IJSEFc4n54YgnUBbKQ/UXJIaMxoeCA7GGLBhxvi7YRUmNeBx8eKo7KfduynPXf+wNu7iU/vvkdBSaxkzbybDV7+0/c/4iU98uX5TzmWR96Xn7LmI+fnJ/AVXMUNCRkaR4Bq+0SNYFor5OzpvIYNRJHaLFzdHLLg8M54Ir0zInprb4ou4JwzcZ8WanoNRAJhTaRccKmQayXVDwOlq/px/0/kCl7m6kKyBXj154Ktbz/+l9Z013Xl3/27f8fv/M7vvHJ0//k//2c+++wz3rx5w2/8xm/wL//lv+Szzz77ha+zLAvLsmx/Pz092S8tsXt1uj744v//ONwPj25wkaZm0qI0+8dOqOom1iCTWrVpzermcHsWE5kYObBzb/DljjqPzE+J569PHF+eOL58TcmP1HJmHG8IfsS3rEM7RuU6DNNPyNWpEWMAdyUg560NZxr2ePH0sXQOE37oVD6nudXyaoOVaD18lUgjOnmL8McYCN5jOzpjE3oqPoBSDOIqM0tdmeczKVV2u4MNXh9sDN+8zA1Ovspstde2WtCidj57a1HNGeeEJXlcgjUnvLdsbxgm7m7fkqSyUkh5IRel6ELRghQjkqgmuqKXNpGOImK8XykEn3AhojWjmu281y7EYGPPpnHHNOy5u3nLzc0tn3z8PXbTjpvD3QaLaZMu3O2tpptSIqXEuhZO4cz5bDORdVm54LoNMm2R1GVk3iWj5dWSao6kDaRwrRcyeiM2TcOAEAFvogsu4n1otUVbN7kkSi2ENJNKxmdPKTahRltNU66cUudUiHM2qCCEJjHoKLWavmTKpnSVrBegrKsNNygjdfB4lEFiIxAr6mpry6omOCGNPd3fXy41PbTV4vQDGyAGJ3ai0mt4uWXtV5nuBpZZ1MyrV5PL+dUrW9M79nom5Ns/bIZZZWOg9yfZ2m7IkUWbzbIbNC7OykA2kcrIbSbNKq1+nqglA2dkaUpxS0C8Zxx2gLAstraOLy94D3Fw1LJsGWUfk6eiFJepfgX3grpK8hFQ4rRCCuRzZlmEl0fBZc8kI4fDwG68QcMOdQH1Rvi7W+85pSMhCM/LA+Nz4Gn9BnesHPMjkgCSlZq8olJby6D1gNt6Mk8nReicmo1fLLrVd9vm2OqxrjlE56QhQI7gQ2NgNyIhDlrQae1nmaw0wRlDujaxJHl9LTvTXF853dcLrvdp/zLH/1Kn+x/+w3/g4eGB3/7t397u+83f/E1+67d+ix/96Ef80R/9Ef/8n/9z/v7f//v8t//23xjH8Vtf53//3/93/sW/+Bc//w+dkQ8/l+1fH39Z5nt9/EWP+fAuyw6uSFndobbNpQ3OFbGhASVjNR0ACeyGN+x4Q9Q71nPk4adPnJ5mnr55ptQnaj3jfcYPlcJCpVLqjJOKk4QTtW4esbaUboT755ANmjOnO00j07TnVz/5VcY42ji9deHrr75gXRdcFQYCowQztjURveC94+5wYJpG7sJIFGHNJ6pmErNNSJlPZBlhLaS4UHNhrZVVK3UADbDf73Au4ltvaSkmpp6zQZHLYiPGSs88VBtKYPJ6tbUVVApLPluPrz4z5ZFwUwm7wMDA8+mRp8cnnPd8dP8pb+7fULXwdHxgXk+8f/mG83pGXxxrWVjarFk0s2blnM8QIQbP4DxuCMgSbKCOjUnl/vaGw3jHDz//m+ynOz578wOmcc/d7Vu8Nwdk1/madWmOYoiRGCvf/xXPsizEGDmeTnz11ZfNGS+GqlbXRFWk6e06fAgbiQew/lypUAYQGOMOirLkFyuUamUInt1kF0Hw3NwcGIeJ/e4GHyLDMBhSorSWMetHLpKZz2dOpzPH45G56U3XWomDtRfFGAkhcHNzg/MB50dKUdblUuEquZK0UtaVs8B5OeOnwD7fMxwmPr43Pe81nVjWI6fzM/NypJSFWhNCuXxf55pco7X32OB1qM618XZ+g4svQai8+unDTCxr6lu2kpqEYyqr9TeroUSl14c76mUnnq2k1fTD7bUuRpsWoG5P3fyF3WEyqtbjqkojGVk2qChZM2CZrnhjqpdcLBtM9t55saBnGvctSHNtX80AuFWMeV9szGUlG4s4FFb/Dat7wbmf4n3B+yODe4sPnxBiZfD3aK6cziuRzKjK3gW8m4g62nhICSBwN9yQh8xn46esOvOsD5zKC++WL/nq8Wf8+Vd/wjenn/Fw+oLj9Kcs8R0xGkqTW3KSMNRQvPFJar0YVVMb2/DgDe4V3xyuNyUxHwLBecbBRFpiGOh9voFA1ID3njVna3xrgX6ppta2rRa5qpjAFfNeNlQRLr6l1i5q+Zcf/0ud7r/5N/+G3/zN3+T73//+dt8/+Sf/ZPv97/ydv8Pf/bt/lx/96Ef8x//4H/nH//gff+vr/LN/9s/4nd/5ne3vp6cnfvjDH172kb6Glb/t+GUyYNtAF4d7ffuLXvtyt76+6XXItkC6Eei1IEEIMuAY0OrJCU6nhfN54TwviEuIFLxTk0LcXtOif2kF14sp0Rb9mWHvVHjXMjInGNw4jhwOB6Zhh+ZKDJGX4cliypJQ7ynemI85O0LTxRhCYAiBaQhE53AhkKuSVpswk8sCKEkHvARWt7CWylqrbSLvCSEQvPVaqqoxUpvj7aPauqRit4avpDupJr+npc3KLaYQ5Qqn+YUogTKMnGcbs+cnU0TyYUK8Rc/BB+Z0br9HqmbWahCuiaDUNsIsoW4Fl3FUXC0Nqi9QPeMU2e933L+552Z3z/3tG4Y4sZt2bC1APWJum7fDjdbC5U1n13v2hwMKTNOIcxhLuJXQ+4AEH4LJPoZovaZqzjxEW3S5gsuOmpOhAA2WrqU0/kHLIrA6fAiecRqJITKO7TNjFkYiqKuoL5yOE8Mwmm5wCKTVNJVDTC2Qm8zp3t4g4inqSKmQ1nWzjdb+VVswVcm+4IqHfTAd4JQQ50hpJbef2mYyCz3DbWWdntngmtO9KCnLFd/BNIMvge9mrNnAg+3//T6Tu5A26rENcuCKmNiNrV4cJ/Rs2wzRZdrYJUjfCFUfBu3a10QvKUinv9PrxwaqZoTQ+oBrQ8/MSWQUnHUQmFhK2GDbri9fNVO092SbU8dXijuT3RHnjqgrJDcgEsnuhMgO6VoFybjFpQgUB9XjVPBKm+steDeiMhBjpEjmxt8w1zM36Y5RbqhLgOLJcyXxDVmfoAmtaJtFXKrB+M41O9kz3+08tlO43XG5DuLc1m5oE7PM+YYYN4TIxFQCRe37+JDw6tr7XbHapU0UdxcH3K+f0AOmV+a+oQf8Usf/Mqf7J3/yJ/yn//Sf+Pf//t//hY/7lV/5FX70ox/x+7//+7/wMeM4fmsWLNdnpV7IUR8e18SpV8//IKu9CkZfPeb6tr+e/dIgI66y7Y5YKdDaSHq7Ts2u6d3aAlCdyDnydDxxeoKn50Jeihn6gEkDjqZIE/zeskRuEAJ1PVpdcrVpLlUqwQeGMBFjJIaRrm40DRMxDLx9+xG73Y7b3d6cn4fRR+Sz75FzIq0zHSZOaSalMznN5LwgKHWZmZlJDopfSHXhq+efUHLBVcfodwx+QIpD1kgYdhymPTIFJHq6uEHORiQ6Hk3/tQsYhDggpaDN+WlTVTJYdyFXGxifS2JJR3tuLszVU76eTXz+vWMuKy/riV09sA83Vg8SuNlFdsOOXAdiWDiflRkFdVQsG/MUqCvCig8rw+DZDRN+HXAZ1qeMZMf9J3s+vrvnh7/2K+zHOyZ/ZxKBtEk1LRk1p8Nl2o71a23QOcDt7Q3TNDAMnnmeeX5+Yl0Sy3nBGrKFaTcxjAPTfk+IEe/NWEyjbeE1zeR15fjyzOPD12heSWnm/cM7xnHHNO0Yhh3RC8tyopTMME4oShxGyyB9wAVH3FnrkRthf9jzJr3lPC+sayKnbDX2RpY87EeTGRwipVSeX2bm84LjhbwISa0Pe02JmpOJPywZdcrDfGTcj/hdxAXH8+MDj998Q56fkbKyG4JxAEo7dwjRG8FNWidAaaWbrjvsCJc9rGoQrrdWlK3Gqj0naUFGM/K1Dac4Z0ekgHfU2kmIHdJvkGMj3oi7aE43t7s5U+t9vWRHW6bc4KheGui1ytImi+EVxSQcVa1bwLsB+1SVIgre4duYPZwQQnNOLbARp6gWlpzIdSXXGecVCYoOGR1W0vDAGt/hx4XqKyf/yEIl5x+z94np5mN2NzfccMOOHVF31BhYVCnyiLiMqwGpDlejybWOA84J0e1wfsBPew77j/ne53+NP/rp/8mffPGH/OHTzFfzQilHqqy40GRpHdRmx2uBtKUnGzF++6U2unLw9v1d8EaA8h4JnjBEYogW2LaSTK7OREy8wwVPqqb0lmvBFetDAG3iPZ2EuG3eV86/I4r1uk//Qlz/C4//ZU73d3/3d/nss8/4R//oH/2Fj/vmm2/4sz/7M37lV37lf+yNOsNM4Ntg4Q8d7ofOU15tBL71ub/o0O1/V3e8crrtI7b/b43yG5vOIOc8J9bFxpiBMERHjP8/8v5kR5ZtSc8EP1mNNmbmzW5OcxtGkJlMsqoGVc/ACecEH4AAH4MjvgkBjoqPQIAvUEABiQKBSmYyGIy47Wl2452ZNquRGshSNT+3i5uFysGpMMDvvmfv7dvd1VSXiPzyNx0xCF3fE0Nt7kUdTg6IWtKPlkTaIStP8JE+9sTQ0ceebXd16A90XcfYDwyxN2bfdi28WfbVEEje2YFUM8kLycEqSnZmTWfEpkyVQsoXlrwwpTO1VvOtVb8bOmzXzvaGJokx8k9LuqlcJUBtYjAHLHCu7tCSYAea+Ra346mhCBWbjLUo8zJBNmJN0rYDLtUYk1LNr1q0OURBECGII4qnc8HyiNs+WjRbGIUWvK/4rhK9EIqjzNr2jQVcJURH6PyersJOPG5rhOZY9UNApO6FAiAEa0iOxyMxRkRgnVcmH1vhFobDSNf3DMdr0fXO0fe2VljXSFoTDiGnhXE8UGviMiXWtLKkhRA61JsGWosjl4wvoUUGamPptr2ws8MnhGB7aRFCiOS8IRN2woyH2CZwT8nFNKUK45hIokjOrKVSU0bFgOJc2uevCecd67TiPCwvZ9bLhOYEteBRsipblN+W+uM2xGibFLcF677OuU4mVlRNonQNpXj9bOs+oZjxv5A1m+ucZhSHqulIRbeie5109iP31TmyfSu1fY/QXN7amWBf/4f3w/7RECxVK8Kotp/TEcSxWyc6M/DwXqCtHgRp/I1XumEt7cM4KM6DeqU6NQczn2wv65TsCkpmdTNBJlb3QnQe/MmKeVUypT1fM0KyqEkcrhScemKwiy6NX+EJ9HHE9ZHb0zveXJ44Lfe8pBtmTKOvsiICvl0518IjXJW9cX0FLLxik7c3YBfwuv3/i3fWBARj/TvxzUfBEarxQ3zw+Frw3r1qfnhVdM3xUDeZ16tSsP3fbW1g0/QfR1pfv/4PKbq1Vv7dv/t3/Kt/9a8I4folXl5e+Lf/9t/yL//lv+QnP/kJf/M3f8O/+Tf/hvfv3/Mv/sW/+N/9dV47LdV6nVx/t4D+bvH8QwX4j73+2OfuS/cf4Av8oOhqsYd8W/KLs6g8rQFyYDk71kmZvnu03UyFw3DizeENY99x6Du66InemZuRa1aBVSnrQi2FZZ53GCn4SN8NBB+J3nSkAGNvNoxd11neZS4UUYI4ggg3h4M95LmnlkROM8UL2Qk5CDkHluVMziuzPJPqxLdPv2LOEy/rC6gQpadK5cbd03m1fY8LlpiTA1odq1aK6g4Jet/hGkHKpkPB3JX8DoVpQxOyKCoelwtOHS4UtPgGW1bW88U65SC46JGuoyTHPBXy00wpKzEWxGXqorjsGHUkSCC4weLo6goktE50RYjZEb3QHeD2MDCEI8iF5SXz+fwttRZe5k/44Lg53CEIJRnBKJX2fW5EHhWTQG2JRE0aAmouTl3k7u4Wm4AKebVJd9OHx74FGPR9O0js3g/BDoVlWiipsJzecBhGSpn5zW8r33/+hqfzk/ndih2GeQXniiXNKHT9aJwe14Gr5KqQFcTgRcGb/6+LxNjIQILBcE6RZoTkveNtjOTTgdvjkWVauJwvPD898/L0zOV8ocwzUkyC1vmOKJHyPJNq5umb73l5eqBczgaRisI6o/NsRL7gdxmUlkotQsnWxJVNjlc94oXYBUKMdENnKwssVCPXQioGjdeNoOPMXCTV1X62bD7bBqOGpmMXIxm2FNla7OkKLeJTnRXi8gP0q62DqjWGryF+5Cp+qrWgFKpkW5+IMZjnfDEGrgair8SgaPOH7qLH+UDsTOOu6qhFzTK1FEMWNJPqgrqCRtBeoBNKp5TQpDyxUoOalWNnXuf4C1U/oPm/cBvfIP6J6hdD2KpnWgsSnhFZCBrtHskmZQvrQIwdx7s7+z7qinSO0Ee+uP+SYehY5DdEp3z38r9xyZ/IslJdpTprdpWAK9IkRGbqInuArphEUOz3ajtb1dsEq95BcBADEgMuNuc3H3BVCHWbjB1ryYgTcq3mztfIsM5tcju5Npj72b7hcm1QaLC0k21E+Ltf/4cU3f/0n/4Tv/jFL/jX//pf/+D3vff85//8n/n3//7f8/DwwE9+8hP+2T/7Z/yH//AfuLm5+f/ui22dxu9AxX+s8P6xIvrH/vHtr/6w2O6fvf0tfme7uu8Itn3TnnbSPq0q5FWQFWq2N7iPnrEPHMeeMY6McaCPHdFH+tA1zVmb8qSn1krvxn1q8i7QBdu/RR/Z9shd7Ns+NbaMW7teoRm/myVbxR59hRLAJfNddi3lpx+pfaQbMyuOb2eTmKy67I3GWldSzeSNiJMtKEBik6aIazJjex+8DwbD7e0syH5T637dVJWgHSpCVzLiHKUamzjVFaSxFoPDDcEioEJLX1GP0x404EpBtBBJiIscOyX7TNcMH9aaUFmo/kzvCqFWtDjWvLLmyb6urKiDNU9M65nnl0e8dNwfV7zr2DLLLEdX2WLObEIvTWNcrk0bJj/zftMrg0gge9/eF2OYh67DBY+PWwi5HdzOmU+zdwG8EIPSdT3DMBC7Du+NWDMvM8u6EGNPCIYa5FLwJVNqxdVtBwiltB1qra1QtBFt202iDSYXoNguvmlozQrSMfQWrqCq5LyR4UC8Y11tXzr0A10XCDhKFXTNkDKUV+z5vE179kHdzECsyG06Yt/uZe8Naoy97b599KS8suaEuNL2lNLQpjaRik2EWbNNNbWRqLboye053yBl2M1B2pavTV2vWPfb867X39PWrWy8C9cenFpMElWdFd1cErkmcs04mqzIFZxWswN1NsW5FnIAmxPe649rM4tvMHQADWLPoNM2IXtwwd7PLfhA2rNdnlgQZu3o5IZe3iIcUR1xue4SSFFFij3HLtvOWVa7Mh6HKx4pjp6O4kZO8Y6b/i0Pl5FVY4OLhSBYY+PbpOtb0a3OolRdY8+3iVY23HnLLt+P4DYWt6n4ddiatOZ+T03aPlqR3e5tAxzaelCahKn+kCBLex+3nb7+mULd/0OK7j//5//8DxazcRz5j//xP/7/7OtUKpuAYXf0+RNF9A8V3L+L0VzrVVRin2O/v72vmyW3da9N7S9bqZW9wKKtBKuaKiEr87PgZoEkDD5w92bkNNzw7nhDz4lOT4zhhs6PdN41BGUFlNIb4/P6/Wwi8SYKF7/H8m0Hg3O294h9MfjQt0NEDXorqycnx6qFtSYQh/OBIMrtm3uGIRJ/llj8mW/KL7h8euH88kzNSqgLVYVjfEad7UzX6nAKh2Og6wP9oYPoyE2/7F2wstR2aqVaoSpa92ucqxUFKR1ZK7E7kEsCCSxpZs4J7+F0e6A/DNy9v2fNmcu6kNvk0ccjPgxoKVALY3cGSbwdMhUlFyhaWXMiM5H4jLozmp9Yz49M5TPn+ULsIpKPCD0v82fSkvnrv/nfeHf3yN3xPeNwZBxuqTlbDF+zelQUKuScfgDN+sZI3YhNMW7pNkLwni56s18suR2OAr6lHLXjv6pruyQ74nwQum7geLzheDwyHkZyyTw+PRJCT8qFm5u39L0wrzNV4XAwlmzXWTGpuTQXq0JoTls7ZtoWkdrg/9x2iORsfsrBnLiGQ0ffR4ZxoD+MHKZbzi8vLPPMfLlQcuZm7OmC5xADa5nM5SwVJCVqXknJbCA9mCtaafGETqm1AzwxmjPTYTjSdT1v7u8JMdANHWtemZaJp/MTjy+PeDxVlBBAsYawbu97XbikizWBGlEHvY4t5s/kJ063OVfsXlXd5SqbY1XWskPeRs68No47wrY1MNWuc80zSqH4hVwXzumZoom1rjalaaS6AETGzhPDQGgpU1qUWpTSil0taj7WpVhhjQ7fOdwAGioaCjVA8QKhQ+JgTbEXpLsB6VCEUmbOyyPqPuPqJ9RVnPSMOtDpAX92uGokUFFHKN7u9+BxnT33IYbGmgcKuNLjS+HL4edwpzw+/4q8vJBdpHjTyyfU/AGc6dCN+6J4Z1axZsN6jVyU4NrOnvZx/f92zFacgtOCVNesOW0nH4KjVHOPE+f2SXezlnTb8la9PbeNlFir0rSa7GlS6nG7Zdqffv2ovZfttWNd1/+LlTx+t/7+oOByXYi/Kl4bI/j6ybr/ma1nNp2maw/dRmNv8gP5QYlupMbtzWh6MKyjTbrgcUTfE2Jk7I6M4UDvRqL2LVTbguJ3VqZGm0LE28HbtGOvXXQsY7LpOeWVuNsH07JFb6QKaYYdJok0+FY8vuWh1hApbe/qvDeIsnf4znPz/sQaJh7nAyVVQu4ZiGg1EodvULonIj60pCJ7MDf+m/dth+XtwHI1t6m27lNFKYFSK8GrOUaF3vbKFNY0oZIRDze3R8bTgXfv3jMtK/7lzLxm5jUTZMBLj+6kCECysTiB4oSiSpCVwkjWCG5G/S3Z31LcE1EFVzHoWxyFmaUqHy+/pLiJ7x6/5ia/5X0XjQWN7ZBqaZW/NJixQcuNfYN4JUSbdGVTsmz4SIO1tvdPnDPzdpGmE91Yr/Z5zhnM6b0FIoT2kWqmlsy6TszBMQwDziu1HlD1lJoo1aB652R3r1JaHm2LukScFfyt8LJpE4WmZqQUbc9Qe26cw8VAVOhrMUMIVUpKRO8ssGDN6JrxqgYv6opqorZwDxuuFS1KdA5PJPRHvO8Yx1ti7Dmdbg3WPBzZ5DZak8VG5pZj3SBJ2iS6WVpuDHq3EWnk6uvrHQblasCpN+ssFVALa/DePLCdb8EQmX2XyutHf4cnr2eDNIZdpdh5UFayriRdG6GqtqlUbAqW/MoRS9r7UxrXwpq5zclLvGUMm+VzQwiKvafSGvNQI6g1LyBI8+Sumx42VhKJWWfOPBL0W3AnEE9fjzjpWsCM7k3IqnbuaFZw4JquXUWJ2jE6OHW3zPUNYzzShYHqLBPcOYvei84aHEvyKu38aUOtu97rO7Kxr+9kn4I3/ndtiVlbzKYNQS3oRU2P75zideNgtHa2MZhpZ77Bxw3F2J3RhKtm3pH+jHUl/MiLrrBNqmzrS7Z0j6uh5qvRdPsr26/b5+1xYBswXDHV1WuhfGufmj6w1gZvyGYUr2w37+YSpWx7yQrVzNKtb7cJeeaFKEo/WDDA3fE9B3fiIHc4OkRjE443UqIIAWMHWoHnFeTHDr1sHwZpgg9NMN7gxtA3eLCRI0gVtJju11XURyRWHEpWR6lmhlEEylDgCD/5n77k+BxJ7kKeC2EZYArwqU08XYf3I94d8f0AoUOdwVchmm9w6JwZIDjTOea87miAw3yfa7H9XSZS8bb7oXJzOrKUicN5QLxy+/bE6faGr3/+M55fJr77/oHHxxc+pxe8G3ASr45g9EA1+EpsQlStJG/mHkqDIn1B+wniTJYXapmZeSS7iRf5xFw+8zefv+c43eGOiS/f/gX97RGnRxx3tm9cClKMlGUSlMZQFcUFwUehP/jmnqP7VKClUFLe718XbQ9FO6C2gqxNHej8dusLofP0w0jfD/TdSMnGdJ+mJ0q5EDtQjhyGnlKVlC+IU3I9EmqLyxM7tCuK1oxrAQuqZl5RG3kphC1Iw1YU61pxrrmJYcQp13f0Q4/0kS5lgneUZSUsC1IK+WWiLBNdVaIWSpkodaXI2khd3qQq2dGHwOCOvLn9imE88fbLrxnGkfv37xHxlKKcL2e++f63LEvi6emFJS+U0gqQc9RssYabE1taV7RmOhdb++CITqAmumApO6IRqYGSPCULiO0yQ0OgYmgStnwxw/6ysrs/bW18fcVaVysLFt24UiVxyReSLkw64bzie9hsVKv3ZAlGCsS1tYmn1hmtmdSKXsEKte98E5gaE7pmpeZ2j9RAqB19Hgih+Y6LoC5SHRRXwRdLiq8F0pmsv2aqF3JYKP4zgX9Kl98hzZc6zQWKkKppnXPOBu8X86SvtTLGkUM8MruvCL3wi+M75vKB7D3VSUu+EjQEqniChvY4JMQr4iubjMl7K9IutGLdhgwf7VnaCm6uCYe3cAk1MlzR1FC1FTQTXMFxXWtt5cJxPVupYjyH1jj9btEVCeT8x1HW168fd9Hdik3D1Nmw+x9MsVyhsVd//vo3qlxrNsB1E3tdjV99U7evvf27WzGWV39h6/ZbN4XdmG6DmBsS7SMWi1c7+jDQhwO9O9D7A46A19im083c2z5RW2GXvbhv0LdBKVsowBbYp7Xp/TI4NXKQax2q7WMqmo3tW3Ihp0IpxXZxzVmrlAoZ1ucztc4M3YCebnn75j1lLvhLhwZPWTuO4dhgvw4felzf4UIEZxmom9zF4CKsM1VBQrN924pjVds7R0F9QJ0nkSiaWUWo2XPkgIvCze0d4+FA8D19FE4HJa+BtPidLbtdL3k1mYluKgRP31tT0nUeHxyx8/i+4LqKhhn1K1P6wFouPDz/hnWdWeYZR+Th+TPOjXz/6VuO3VtuhxM0TaVoRRqkrq3YSnDEPhJC20VvsWHtUDYt5nYAOGj5rpvLu/AKslSbJMSBC+YOFbuevhvo+5F1XWw6rpk1VS6XZ0rNFhoPjGk2DXLOmGS5TQVbF789E6L7hCENThWnV7gUZ1Z/Wsklkaoac1nsqMzJYhql2lLGY/eg3bfVSrTUZt5gIQ21JtYy0/dHetdzGAcO/cjxeDAZVAw4L0zTRK3K+TJxvlz4/PDZDFuyrSe2QI+smfIqvcnJ5vRlRijXnlko2aZI74XjcGIcbrm8FNalss5GpjJEB47jQK3ZyEwpUXJtZ0i9rqfafd5O7nbMb3sqm9I8nk46XFDiYI171WppTVL2oq3O7mXfvmezkFRysd18qbpPe9qcw64tgENqwM03oNFGiwBVvDWisZ1xteKLIMWBHlHtyGLWj4WF4lac73A4eolIFXw1qQ4BC1MwlkibMBVpiEJ0kS6ajj4ET3FuL7qxWsyfU0dFzOTPK7ToQUHbZIt9jpg0y4jL2u5NS+mqLTO6ZcCCiiFlLT0LMt7Vq5FQu+M3pyv774ZV49t7d60/ZrRi7Gj3KuziT71+3EUXI1KoRcJcWZVYR75D8ttV+r1GRPdpsOFnr3a1169hj0kjX+z/RqvU9dX2XK4Fe8dtm5uOqU3bDrodXqE3r9BBR0Z/YIgnRnfD6G/sYZbrvsK+XbGUIQRzZ9m+nfYAqxEqBINAaivwpVqYQdKCFKHDNyjHDleXzLJPW8FNa7IpoBikhVRyMdnD08MTZZm4++mRYRhI7zNlKcizp/aOnAM9d5b/GwdcHHB9D9GmXIuUa8xb/4oMQSX47Upj3s+5NAlURHqPBGEusBZlqgLB4ccToYu8efOW2A0EPzL0PXc3I5oHaup5uTwyLy9WIJwdOmDWemDvd4yB29OJvh+4vbll6AfG8UA/dHRDxPcVCYWX+g1LeeL7p7/msjzz8fO3XM4T3/3yA8sKt8Pf8sV94e7w1Q7Fai2wQX9aCdEIUf3QmX1i5/cJt25Sp91i0QqCiBHadjAFO4BqsYZu86rz3hNKxzCO9OOBYTgwz5fG0sxQK4/PhTifOQxHqlYO4x2Co+TVVgPVtaQXdz18pEFu3r5Oqa8PH2ULBzBmr6ULzSkxrclIUti9SVVcrRZ+gO5Ft6jNxeIy9CbdChGmZWGaJsbDwGHsuD0cOXU33J9OdN2R2Jsj0vPzI/O68v2HT0zzxOeHT7u9RFVz0Up5Za3LPgEaCWtjJDvGrrMC2UxbUrKpzTnh/s09X7z/KZ8+XHh5WXl8SKS14p2pC25uerRmcqo4WUjrZkZRNqDToHR1rZloky7amhuHI4AovR/xndIfoVRL47LHfbNl3TyvbffvxDy5FZNjlVJJyZK6KMWahyI7+YwSIDl8fIvLiZxBg9pxFQQ/+jbQOFwWXBZEAxDIKAsziYXoZmtQnaMbOzyeUM0cRzubmFcMCXS41kgbcTD6QN8ZAhIkkMUTgqOqI2igOk8UkyAWkSZzas2ZtufYbbCz7EoWQ5dNAVCrkou9z7VuUZXGFi/FTH2gGvO+3buvB7ndMAbrBTc0dBt+t6Ir7fr7/Peh6O6j/dZBbq8fanP/kIzo1d80iE5esRCNV4iJ/Pav1rrExlWW2vRzft+T7F0rtpvaYOZdUF8dUj1SA750nMItB3/Hu/CWk7vjFI8MMhCJjXwn7QG77pWdWnHdJo/aLOQ2L2hoe6t8Zfhtl2Y36aibq499iz4rlEJdVkpayYvZ72nNjTUoBPUW83cJkCM896hm1gehzAIXkNXjGXEy4KSz61jtaBGp1lEKLd1D7FqIwciI7UE3FKD6Ag5WTax5ZSnPJGYu6zNrXnl+eUFRTnf3xNBZwQ2WBOSdMHTKYRTSKuSykPNCqSs1l31aCyHsFoZD3/PuzVuGYeDm5pbgg+1Fo8MHB3FbfH/JoHd4d2LNM3f9Z15eXuDpbxB1fPrwgaCe97e3hHqgCwfWXMlJG0QGYzcS+2jxfN7tk6OhE2IHZzUfaO+D7UGDa2xyGpGqsaLb4WKojGU8qwcXA90wMJ5OvMwvyGVjsxezNcyZ8/lCrY7DeEbVMfcXIh2yAhIIvYVaaGsway1NfykNvTH9di2FeV7IObHML6R1Zb5cmObE+bzQd0e67sBxODLEAZczUip5miEnNC3m0V1nJCpvv35DlpXVz6wPE+f1ia/efsWbL285up5ePC6YvvNlMvP6j5+eWNaV58tk3tZ53otu0Q3Sb5Ohtylp80bu42BoxO7H3J41BzlXzpcJnHC4ORLiiTcJ+m+fuFwWlpcJEWE8nPACPkQu08UKYLbvw5reskE4+8lTtDVZAiqZoB3VZTQM+K7SD9YwlLripLfnqhyQGpFishbjfAjBdYg4+mg785TMwCTltX0fS0v5Ss3itcLzHRrAD4J6kEXBg+u3QuJx6gjqGcPIMR64iXcc/Imop6tNJi0uU5z5b+NsyiyFXFJj5/ud5IkY6uQEvBji5cXZPU4jQlUMIWnfhzqPOpNxibYVmhjDWQRz7mObdGs799uuu/Fa2mW3yV8VJOP8Nqm1gQv2eUpkWzc2MDlca4wNZ60wt+fX/5mWVD/qovuHCu4ft2v8Y0V3e8gE5Rr0voWTN5Ja+ytNfycgWnAIVY3PaK4O9i9K+7tGSLExWlTsQakOSiDUyCmeOMkdb4a3HOXEUY5E7Qi17XF1M1GwoHBeP7N1OzS4Qk4bSaON69773W3HvqmCiEXibiInp0qoNlnWZaWmlbIm0IxgE4kTR2gPt5sDkgI8d6g60oOQF2AWQvV0DHh6I1mo+eK6DW73LYOY1o+0jF+H22982tDn2qGY08KSFx7Tb5jyZ57nB9a0Mk8F7zsO9ydcEEIc8L4HjQTncZ1nHISSYZqfmedAKWtjDtuDHqP5Dt/d3XE8HPnqy6+s6J5OW1Nr3C9R1FmDExioohyGn1C1Mh/PPI8PvHzruJyfePj4Hb2Dl/dHjvEdXfRklDkr3pnBQegiXd/jQtgbIWn3GkILZzA/YRc8dBENYvF3m1SnJeBUKagY+9qyRyvqBNcFwtAznk6Ep96m5HZvl2SB9OfLhVphOp0RdSzjhUrBd0a00+K3m31bVGBB9K3oaiXnmbSuPDx8Zl1nnp8/sswTz0+PXF5WXh5n7m7ec3d6S/fmK8ajQ6rB7Wme0bxCtqKb6gIR3ry5Y5WFSTyf80emzy+EN477f3DDsPbE4m0lUhLnzzPTZeG33/yWNeU9MWYL4VPZ5kxth7NHvNuvtaJIp7R4m30ntbHIzTntggqMx5HbuxMiHUUC3eOZD2lFqjIejnQhMB5P9OdnpnliWWZ0ViipmRrpTpYzxFTad2YEtc4lKyxxwMdKN2SMdLkS/IB3A3UdqKkjz6DFpE0WWmEs7r4bUYUcLUBkSUsruj3zcgGdKclRS4E8ggv41VmxndXmjNAKYTBv5SiRw+GWk7/j1t1y8Ae2qGNDPCq0zwnRcqdrzpTGqjbzlEBw5nuszQhkI+x5Z77JeNeIqA0NdlZ4vfNUscJLcaB+L3j7hLvNO2IkTG0jUtlmkWshuP6y+aK77dy//l3779rOdqxhbveQfWy2k9eBa1Nd/F2vH3XRbbI94Lr/ej3V/kAf90dedpHNCWqzTXz1RJpAW2hsN0BKu/httpCtEzKum1jqOyKmekUtok0IeD0g2hPknk5uuY1vOco9N+FEX0dcbm5Vtd38juvXajB5SQbRlVc/wGtLQfs9uxFzk0LZzdigE8EgSTUtqagSFGM3rgmndU/o8BKJwfYmBiMJt/qexEr6bqEo3LmvqdH0nZI8Lvd4GXHSUbC0mZxXVDKq0WDzKsZOdHW/bgYDFnJKrLKw6MxUzzxNj7wsz3yc/obz+pHL8kythbvTTzn2dwzHA93YWLgZM4lXg/WdqwyD53DoKfWATJWcXdsjBe7v7xmHgS+++JK+M/MQ54Sc0lVu1SBeSnuXt51m28nF6hmc483xK3z2vOTvOT+98Mu//Wve3C28v48gR+JxpBsiIVpDYNPWNnG1e7nYTi4Vc2+qTii2zkVdM1doK4OdRdzgZvXt/pBiQerREYaO/nggDj0SIps2WLzpDi/LmVQyw+Mn1nWl60aGPOIiqHT47trl5byafjQvlJq5TC+ktPL49IllWXh6eiCllXl5ppZMyQkpEVc6OqncxI6b2HMbR3zTws59NpmMKJUMztsu+r5jYUJL4XB34HQ5cXo3cng7kD8mplTQHCBFlvOFZVqpOUMt1uS6tn0TIwi5BsyirTlRoNohqWjzE8bQoa1BFCPnlKJM88w3335D6Ab+wV/8j7x9+wU//8uvSKlwPI2UJTN0R4IzB6TQdSZbu7zw+OBZ1gldLtCg5r1A6OYiZYhWyfb91ATZN/9qEkii7wO+r0Rx+C6irkOLR0pj0FWTp0kNBB8Yh35vHIwSIPYe5sTLNLEsK+epkHIll9msPReTI+KsQYxd11Yb5nqWcqYGQULYd6lpzqw1U9MTwQVyb9at0pycNCtFHYVMdZEoAXwx1rHYDlvU/r7lCSg2BYitZMQQnyqOKt7w5OrYkqbcXgTh9VRyxROu68WrcwI7oqbAFnFpt4i0/TNXiLABlpv4cvdlbmzp3Qf/j5eZH7x+3EXXLllrXjbhsv5e4f3Dr4bV73tX4WrjZZis7m/Eq7ey7Wq1dUF1I2LsXZCJxFWamF/VJhD1OHocI4ETndww+COjHOjdQKcdUrZC3xYI2024w9TN9rBqsy3cf4y96P5Ab1yKHTqyUentcC9qhgYlpR1Sl1qhZjtstvB1BzHY7jU28tOh3rDWzPz8kVyVQ38PHnJQtAoFwWMw73b9c8nGTmxyDdE2zm5XtjE5S02NvfnCpTzznB/5eP7I4/SZD+e/5bx+YFrOAIyHNxzcDbHviLFDWzBAyaXBSzaNxSj0fSDljlQ6RMzLu4uRm9OJcRy5vblp5iHWQZemx8NjjlIVfvDIbUt/BV89gcrY3bKECaqwTgufPk54OTAO7xiGwZzFhmiaQN8IUZvLDu19ae5aZo0n4ALqG21g2wVsSEEDBhq53eDBbcJzWCpNDMS+x8eIC55anEHEzqFaWdNqk9z0jKJM0zNKoVs6xBXiIu25UpZlYk0Ll/mZJc08PX1mXiY+ffqOZTG/6FxWUpkQzGZz8EcO4R4vyhACo4+MvrP9masQerIIWhd8Nf2lD47DoUMU5tzTHwfG25H+NNAdI+lhJdWEzyuSlXVZSPO6a7AlsI+S4mSfnFBw225542Zs50QVu8jVguhxul/fWgspZx4eH/Hdb3n/1U/AK/d3t4gE8lpYLitx8XjxdH2HeM/tuiLOMc0zhYrPaxsMdH+ut/tIGlqmxVFVzNVK1IxCXAHJBCmor/goLTO2A43oatK0UhTB4yTifeQwnAghmI1sF+j6aESvWnh6fmGaFz49vDDPien8TM4raTVIVjXjvKfDZH7aSH65FmwN6oz854SlrpRcKKXaJNskh56wX2NXnWm/vZlo6C7L2VYVraEVsWtvh2BzCrPrtBfdagx+aWeda7Dw6zK714NXVcIWMrqf8fu5t3/+K/iZ1wNd+xnYnKfsHLDv1YHXfZj5M3lUP+6iu1fDvdj+sOj+XVPu/o/I2i65wy5Jy2BUg9ekFeRGu2pf0HZEWVqhck3r1rprK9wBUcHVI9SBPnxN1BO+vGPQG47cM+oJJiGthXw+49TjNSJRkAjFF9RVM0dA0NLMNdjcUuyBcG7bLViBdftho/ufbWkmmm0ydmL+vWMXCU7ovTednIhBYjmBFiPGNIN7tMfXjjCvCJW+CxZJdorUpCRfKVmoSfDB4YJQ3ULWxLIoCU/E7CglFBwFykyuK5f0xDk98XH6hof1I5/mb3lKj5zzM8mdKaxkrzaBjwe6wxEXOlQ865Lte80Gx5e6ghg8Jy4zDB4fbqmqzTTfCCBaKufnF2s0QtMoh42cYn9nM61vWBiItH1R4fPnz5zPz3z3219yOT9BCeQCL6ui5YVp+jXv3yv39zCe3tENPT7QvI3N8ak2pGJeW65xSPgYCWMzGuhk+7L7hFEbjFqSQxXbOzekrxbBeaUfO8bjSH8Y6MaeeVrNZ9nTDvlM0sKHh2+JL585X14IMTKMIz56YheMBUplWS6saWHNk7kVpYlSM8t63uU3VQtVU2tNvH0tIrmuIIUQHF0X9uayqwd8Naar6zveuxUZCkOsdO5AcD2xO3B794Yv7r7G5571PHN+WNF1xSXl/PHCPCfqUihSSGJNhQ8tek+NNVs26ZU6syLFUKxt6rXnxPJkq9R9Hwj2bD8/PzGtM4fTicv0wl/+o/+B0+mWu7cH6s2B9XPd1UGd63n3xRfEviPXgn+yXOI12Y54KxClbDrhBndWv+M+1m1BrWYFmrRyWRfkkPB94fb2yNjfcHP4guA6cjZyVa2CD5Hj8QYfAl3X0w0dw9A1Up4yLTMpJx5fHlnWlfn8QloXHj9+YJ4nPn343naheWm71ECpQK1c1ifcpIx6JIRI7AZiVEqyaMMpzzgxopTDEZy3PORs0p81e6qeKWGC4vD0BOkp0lHdAu6HK6ja7qZKMJVJ83Hf9qxuO8O3s6052lk+lBXbjbK2KUe2l+yzrzbEwf6pWts9k9t6r1Q2pvtmaKO+EtTQP/FmPPRn1twfd9Hdiyzsjc5eh/9I0f095ymxt2j/bIV9Cm4MPlontXVH+17AAD3AXQstG5vaaO8WN9aDDgR3IsgNrtzgONnuswY0ga6VupjVW7HPZCdS+dpQxO0W22AV2T9e/3ybtdn287vWUe674apNKmPZpCFGOu8Zu4jHboqShIyi2X5OS9uzw0Cq4HIPUgmY7WTfDxSnSLaDfFkTm9evfXeNkas05xahOHs0SplJZeGyPvG8fObT+Tselu/5MP2Wc31m1jPSGQlJJYL3uBBxPlr/qkLOJkLUopS6kssMzqA5acxI543c5TfPboxRu66raftKaO5LsT1kheodrrirVKduiEEh58Tl/Jnz8zOXl0eWeQIVanWU4phcouoL4+FMPx4o5QbVgat/q8GZqkrRQiqm9VTJzcqyQW2hXA+LtnZoNz+bMGyLptTtnhaa21UwnXabriu6+amgYoSSaTmzrAulVGs+Lra3dV6a3rGwrhMpm2OSmZOkVpBX9si4VwiQqBmjrGKfk2sy/SoFccHMCnywYUF6goOD3iIxE1xGvKcGBW++vcfuhKsRTY66QFkrdS3kuVBmQ25wxoPYnpLtfKhqBi/be76TpSqgOz91n5icbPDitv8X4xGklc+fPxJi4N2X74ldYOhPRnS7lOYDXXDOM8RAyonxcGRZZ8KlI5eV18fRFmPZZLtsNHQnTbODrUq0Jmoyj+ASK8Wbm1vXddzd3tPF0QhNVVnXgvOhZSWbdKzrO4axt4LhhaGtCuIYWfPCchlJy4LXwuUcmZ6fWHNiSet+yu3rn2LExpB7RDw+2LNSqyFwuWacNhmPNFOJduZoFtMye9NHaxWcmLe1Mbddu2/tRt7IpGLZX2zD0L7KgyZ7tDtvW/nAtv5TkI3rckUYtn9V95N+/6z2vmi7ni3cozS+hDOfBY/im5yp2V0hHv5MQ6ofd9HdU2qgwUbtD/7O6fZ3XtJuLb2GZYszhp0VTbd3zYIHCbsnbdXFvF/ViEPUgGzTco323+UGqQckvEM4kS5HKD1TzmhdkPWCywGfIkLFS0WKsYarM6h607XGLjZNWLjubFqh3V+vG44NqgZyNe1w5y3YuesMUh3HjuAdXR+amsJSSGhQpKvRGMYK6WKFzfuDufV0I6ELjONICYrUlVoupLLY7haI0eN9R1ptCqti3f4kK6WsPE0fuKzPfHj+NU/zR755+gULL1x4JMlElgUpI6Idh3hPF08gPaU4zs8Tq1QkLyZdiIGqK6VOaE3gVpQRpCOIw/BH28/nlG0HWgrOOUqMeO8Ndt+ZiRjaYT7z+FCAwsv5E/N84Ve//gXzNPFyPlMz5lhUI1o8ywRrvpDS3/Ldd7/h6eE77m7v+PKLLxgPIzenG/NG1kJKiZf50SaivCDJI6mZ/AffvGGvK4u8ZmswsoVClAKIN9tGZ97b58sTl/lMyivaXI+K5l27mHU1AwFtkrLFcobrxRjeLrxyVxLT0BZdjTEtVkBLXaltNbCTEqtDi+csZ17cGfkkXOrEc37i7csXvDm+Z+hGore9o/qBQM/9OKIuUTnjdQYd6Pwdp/iFhY+vnluNBD+TFyHPSnRHNCZydYjLZG9H6Lo2TatyXfq5Rr5p08327Mu2yqnbdOTtr++mOUBbG/3217/iw/ffojXx/v0X/OU/+MeM/QkXe3DWDFhNF7qh54svvzAUAuXjx8w0X6hqz0Upltq15AQqeDqbEkOPcx0xjigrcKTUQqmFvAhTTnzQz5yfE29uf87hGHnz5h1OPPOSm392u2+dMYK3SViqqQSccwzHezqU21uzODwd33E5n+nGN1wuFz49PLCWzJwzEgKEQNWOZQVRk0yl3sxw6j6uK16suDpMqmOddSX4SPCBshZKrjjtCXLAyxEvK05mcBlxJq30203oIkUreXNz04o0yZrDVCKlbK4Edf9f2WSb+6/yA/KT1k1C1Ipstl9TMtnVupruuhRtfs1C30c6AsF2T/u+3IJa/h4Qqezuln2ytd/b/ujvIFC9GnhVnHWUO/zQLBJ3kVAruCo0WxuceDaDClGH0w5TmHe2s6wBWtHVPKLaU3JA8ORZcMWsB0tVcq74avqzZjbVfhRtqOZ1evUums2jb0XXW2Fwzl8n8D0Zw3q57TpYB7+F2juijxZv5YNlc7oWmqbWZmr7e7sBeFU2JqtzoU1dFt0nziNe8aHDeQshqNVMN/C17T4wazoyRZVUV1KdeVo/c16eeJg/8Lw8cM5PJHchyUKW1Rxpamdvbms4nJi2Mq/mES1JKc5BNUepohlcNmedzXRB6q4L3W4fAajVdt5qBBKtVzhp2w+6YISU0pKIzpdHpunM+fzAMi/kXExDrT2qDtWA1oymzKSJdVUeho6aV/rOk9MB0YoPnqrZZFDnR3JZmdcJ9YKGhhR487J1tPdAlTybOX8tsOXKOhfouwMxdAz9YPvOtLYd9RZrZxMLuztWNS02QmKDVW3d4gvNHKU0PaTuRbe0gp10sf8mt+eqyT4ac10VnpbPxCnSv/RkMnjhoDfcHO6JznaQToTgelTMf1fFEag4Ik4DvnhcEXo5Un3grGvjIPgG1Qdbk3vTRG8pzdczwBQESDuD9ZWMZPt/8mr6Uffqz42BX4F1nlmXmcfPn/DO8eW7r02fKi1kfh93HM47i2McBoZxJITY1kHX6atqbeEdsk+4TgJbWM5uhqMJJUG1qW9dMsLCmlZyzsRolp/iu1YwtuJvP9+mCxbduASCc8ZxCN4ZaekEznfcXhZ8d2GpjpBWdJlRZ5I1cREIr4YceRUqYJp0xWSA9vWcwQZ1I3UaI7wooB5HRAgYB8RjrGZbu/gWyCA+WrNJpWpqZ7Gdbxu30K7qNshejTLtDH3VYLVdv5PmsFxpe2zdi29tWufc/KxLxtj8LXWoiejaLncjqm43zt/9+nEX3e21F9of/vbvBiD8wVAD8SCDsUGrgRiiV+BhZyaXYIdqHRA83h9wODqlse+M2AAHSoK8AlnQIpQcqSXweZ6RUvFVGbxS7qs5AMn2YdiKTTdAFGIf8J2njxbZN0iPw6ON7LGHZIvhOLW571C1QW7a/H51Z8F61+GcmTM4L4RohTtrQWuh5GwHdDSaf3SesmYzbQjJILwQLG1HCkmVvAhePLHv6PLA4Xjk6fyZp4cHwo3gByEMAYnCnCZSXfk8f89lfeGXn/6WKb3wOH1PkUQ9rs05CGr1aI2UYpifBpDg6GNPHyLLZP+WLp6SK+ua8FEIvSN0gu+EUk137MRCCHxjIHu5mj/Y7sYm3uh80/DGZkhh7lQuCCmfyXnm229+w2U68/j4RCnFzANUUc1tv+TQmtA6U/KCkvjV9ETwnt/87X+j6zpu7m/wwaPOfHcfLw9My4XPT59IJbOUte3ohT5Eogt0zpjlecpohejHxjDt6LqBu7v3HA5H3rx5x7quzNPEMr9Q69qQnNo8fAtJVqor2E0MznuUjJap3X+NfIISe0+IjjllUknMlydSWjivz1StxN6at7E/mMnHCku5cE6fuEwPfJt/wS/P/40x3vCzd/+I++N7/i//6P/Gff+OL+5+SvQdQSNQKfWWtU64/Mjl8sTl/EgonlAdd+GO+zeOX3z+FXN9YZWJHIQ4HgiiOHpKraTVzCFySe0w3Xa0WIMlm1phO0C28PKrr7G5u9ne1TXpiVk5Vr775a95/viJUxy5u3/Luy/+Au9iQ4isOZeGTB1PR1QLl8sT83xmnl8sgq95iGdm28s32U+MA8F709ySqHUGn0CTOUA5T8qWtPWLX/+Sh+cnbt7ccjzecLq9RVVYk8HdS2pRfzmbB7jonlREGJAG4YjA4XagP1X6m/csKfHFy4XL5cLj4yOXeWKaJlwjVPadrWyGsUecMLfoz8t5bien6fqLytbv2nuQMyUZkib0eA44PeDqQikRQfFiK7HgPM5HfHewvt1DyRdKXayhpe6Zu9RtPGqrAV4PUbSCa9C0l7APKepozWvdE7ZytqJbdv7MdSNhBEWPj6az31Y3Ig4X/jyE9UdfdHWf5l7/97Xg/m6h/d39pz1uob1BbZlwXbuzBVdLk/04GXES6f0NnsBYg8FpOVBroKQeTWpC82bfLNkhxVEmIFu8nIZib6gD17JnA+3XYMXJRcHHgI9WBLwLeIm2VWinwNUk337e7SdQrbtHc92uS9t/B283nfd+h6e33Ufd9iIbacg1BqNr1oRt2Ffs18pm3WgdrkcRb4eNTAYzrYtBTwEQr5zTM2uZeZy+47y+8LB8Z9m89QnxRhbaiCX2b/tW1Br9WmsTwStamh6wQVZpLZa8I0aM8LXtzlCcJESKCe4FY563jlq1peuIoK7sumeKFd2K5XEui6XfnM+JeUqkVZvZSBvr9tg+MOP+9lETKWcyAiUTQiCVCeeFzEqqK0/zI9M68fj8mVQzS163QZshdnQuMgQjoZWlQhW6uLYpr6fmbNnJIVCLSWhek6R3a7xt6m0wf3Mr2T2wq8s4L/i+ISktmEFcodZkO3MW+5C1rT+sqSMU+4LNo7loZqaSykJeMud8pjuPJBKPy18S+o63ZHMxEjCCYIdQcNIj9Ejt8GrPx9Ad8RrohyNxzdTpyfJQxTWpvK0Pqsd+JgUoxrPYdnuv9rjoa5LNq6kYg4iv87Ad6RuLNS0LosrT4wMijts3X0EUfLDs3ZrtZNGqe/GN0Zj2y+KuunqtVMz/eNONOudxrtl+qiJixcjQN/Py2uSNy7owLRfWtNKXZCYViMGfooT2M0vdAu7t+REFV6vpvau5mklDu8LQG5QszpprEeKlI4bYAgYcsZnG9KMRtHCFNQnzfH4VX2mPhFOL+Nv4C/YtCOKCTboaaIQNVDcp0La7Fdv/q+n5q2xuWT8cLRtAuVUFds5y8zLYJtLrdCpchzLZz8/XVdrhWr6NIN44Dt6Hdm76PVRma4z/nHx2+JEX3WvB/SGMur3+VNTf9QIFinbt9xTzf03QlugUe8O9DHg/cIxfE/2Rm8PX9Izcr3foKkxr5XLJfPq04NaKW9VgEipSsxkCzMnCrOuKdB59W3HRcby7IWqkL0MrhhHfe/xg1od4cNUMzjs/GvPXFxP+68Yqbge9CCoOFYOSBKjFJCIEC2vogn0dM9AHdeaQmtV0cdU1T1lvha6oWFqLQjYODKn5CJf2dVJVApYIErxwe3fLks9c5sin58+8zE+k+MnCAvJHljrz/fI9lzLx3fI9RSo5Kp0fOPW3uBrxesAn0x/muqCYLKSWFeqK1BUtC2UVLk8WT+fcSE2eVQN5qmRVQlR8VIJbdxLR9nA554jBHgNp9MWkNDazHTza0AeccHk5sy4LH74rrItQywgUxG0Q9oRI83KtCc2rscBzQZ3HifCynFFVvvveCEYv6zNJV8712XyldWnfYoOxVJlcIIrn2B3ofEfQDieh4WURdWoB3poJUhliQKNjHCIv547ghVoS6zKh3tyRpC3q1Rn0mEhUSSSZiEPk+HbgeDpyvDny+fEzzy/PTJdHLuuFSc9kydQ+mTlHb/2Z9gkUfDRGc04zqVRSUcgRWSOP9TM3z2843Bz5av45h8MNh+6Gwd1aA+E7inTgDsQgjNFz8gdGN3DsDgSJTKvSPX/m1+t3nKcFreDVMTrjGri+eYn7bP7Lrph0rRhvQ1G2PkmbF7Pp68HIkFg/QoscESvW3pmsKC8z07LwN3/9V9zc3nHz/h23t2/48t1PKFl5eV4oyXb1CPTDwPF4Yrm9Yzq/ULKRjgqJrEtrcisSIHS2PtGdPmkFQPDU6kE9/TAQgmdNM5dJeT4/4oJwe39vrOXg8dWcySSt6AIpmUtW0WycETX7zrQhbRhETjBU5ziOHO8G3n1xQ1lX8rISfDBGsiUOEAczu/j0+Tsu05mUJ9ZlYb1MNlnnyhAiXeyNWEXLTq6e4EeiP+LSALWjFks5C76pMRBqsX00PoCPrakKtj7Q2uBh3SaNfU1Yxc4yFf0ByVVa3Oam/nCNuGUyJiOumasdSNdMQtr6zUehH6LFlHadrebCVnzF/LH/jNePuujCa0hZX/3en4aUf2/6pe162i7AwqXNqCLQ47Tn4N/RuRvuhp/ThROn7j2x9hymA+tauJwnuDgrtrnii7EOi1Zj86lAdYjW3fvTJAPQdR1ROnodDKYQj+/aGxqNcSjFmaG4yD7N/qDXu476bDSRbUq6Gq1vpKvrhGzewHXfa9j1sJvTYXu5UmmWdbAxDFUbyy8Xg8SlNo1hsX23tym9H3rcZEV/Wp5Z9ImX+pm1zkzpmaXOxoh1SlEh18SSZ6L0BqUG6yJDm0ZdVMQX1jSz+p7B3SLeMmm1TcJbRytiENeWLLjJY/fZpT0sITRxfL1ew826TpxrTYxdw5KrBUJkvcJP0qwsaXssTPNM81yWzRWnWWLWWhr5aKXURK0rVbcPYwZvxHlHg8Gb3669T23nhdgb47Tt3MFVe8NqtiSVXAspzWZHyIK6xHCKuCjtmivPlzNFS7NLzFQ/40hcSkWKw9fAXGbmMrPUhbU0+J9izZ3DdLeuUq62LZg9jJIorLoZz2fO5Qmy8Gn6QIwdT9MntFZ83+G1I4gl09he1RN8jw8WoCEhWjjFcWDUA8PhwKqJaZnsPq1m6YrbyMntVKVZHLUJCOygFrGvo5hqwIjf+fUJY42aLRKvp0zTOue0MM9nnp4+I054c/sG1KBXM7FpyJk2MqS31VCltBVKbojctmptT7U6VK96VNmM/LdnfzdmsMl3XhL9vLLmRBQhxmap6sFXC8HY0I3dHKduhantZEtp0yY7X8SQeE8gEp3bvZ5ri5mMnak0umEg10I3DlQKl2mhkihlRuRADBsxLe5Etj3UpUYcHTUHkNIew2sWuCET1nq0/DG2kBl9dfTvdXebqN32fLYzTVxbxdivDqgNpdmeKXUO7yuqW2yg5Vy7ILjIbgsrzdxmJ+n973j9qIuusQBf/8B/vNPYjax/72+3XU6bch0G/zoNuBoZ6zt67vh6/D9x033B17f/mCGc6DmgizB9t/L08MI3v/o1KSu+gFARqUxLYllT69yMbI44Ul6BlWleOfSV8XRiiAOHcLCzobATp4aus0ksG05cV4OskryCB1E73FV3Vp/9zNoeHthCIYzBV9tBYp9fUtrlC+IcIUR8iw7LObfkIShFEImW89nE/iklY2/3zqIdaoIAPgT608Cb8Ibn9RPnxfH08IHH5Rsu7jOZlRddSFi3XxWojnWdWPLCabwhHjzS0YLETToQVHEkns6fqEl598VP8bHDFyUnZVkaaSsInY+oj3S9ECJ4bwdocM3zuZlhhMb8fm2Nu5HXNmjKnHuM6WyBEGYIcD28pd2TuutVXa2NQ9YSU0punrQrVQviE14KXWeNXlZIWBzZJg3qQ08feupcbG3RdpGd6/ASkdzE+s6aipiBJTM/vzCnhfM68fDwPc8vH1j1Ce1n3v3FVxzuBhY5c1nP/Oavfs20TqyaAGPNew08PEVO9cStvvD88sxluvCyvLDmhVpWlIoPVnS9M8/btYBWTymBVGCtsJTCUpPJi5yFJVzSC//90//C8/KZ97fveHv8gu5NJPqRzbYcwEtn7lr9iI891TuywPHtDXL0fPn8FfEh8stf/IKckqE73uE6x04d86DeoEIt0gitmzKhaTTJJE0gBU9uu8XagNwGc+4m5kLXRxBY8sz5kvjbX/yv3D+95e5wYBxOHMe3rAhlTnbf1AxeCb1vQQCJKc+UuoCveMIOWaqa8X+t3oiT3iNhwclKqYsVahPUE8IR5yIPjxO5em7uL4yjcgyxDXdKGAwyXhbBJ8c8LeS1kGrZiVXaUEFTLWVTLbRw9+CcNUTDlTSUxRrH0NlvHA43iI/cLGc4w/eX/8ZcHrks33JT3+LcT0C+JLgbnFgOedSOoiMh3+DrSqkHSnWsh9We9xgQNXTOSRsCCKg2P1R11xNdrhDxThrcn+Wmy5eIc137twzlcwrVJWtqQ8VV3Yt9CPZ5XR8hKBJ1T0jzrvVy7EfA73GK/tjrR110N8jg2v/9cMqFH061vzf17lORjQmOxiBWIUpHkJFjfMNB3nMff8JN/IKTvqUrB0IOlEVZC3jtmp1ZMQs8qRQplDYNXDVhjZYVLbIv5cSSbCcDQtf19nireYfWquRkBIim2DDpHk3u3eATK7Z2CZzKDrdIw1KlMZB1H31pU0crEo1uL2r2jPazSMt1NYiHrb3RspMWzGDBmgH1FWNamnPNnBaKKhI842HkNt/QLx1BzZ0ma4a2Dw7iqIKlibDpFxOpzlicWbLJ2YHt1cX2T0EIXaR3I4fQkbMyXRL4gMTO4gB9IEQxeKiZontvXbQV3faTtafGZFa2h3NNYmL74cUyOKu9x+Isbk1/bx/YumkNBjM3yFKcNtmPNN9uqM7cs7rgcQSyBEQruZgXL9ImGqF9H9qYrRHvOwIRUTtEYhgYupHjeGQ8HDkejsjqKFIIMdhutjUHw6Hj5u7AF29vWcrMY/nI48sj33z8LSUX1jbhLtmRJbGUmXVdSSmRNTXGs17vLbFnsSpNwmQOSbloS7ax6cnoEZYhW9zKeX2idx2fHr9DCrwbvmaIiut6K3Qbc9wZgxvvjHiIol5wwXM8nMgpc+gPrLqSl4JQqdmZheC215PXu32uS0DFpES4fSI2ra9N/bo19ro9l20t0fDnQqYUx6fP37GuM788veH2eM9X7117bmCTrMgG6bti6TlYzKBvz+vWaEtLHVLdQkACzplWv4i5StXNzL8V53XNrItB6bkUM/QHOx9as+2DR1FitgFDk7ZAknYpik29sj0LGNGzeAFXoSkltrAIs2AyS7RtLdb1A34NZFlIXFh5IsuASrIDTB12sACl2VbqgchC0BO1eMpq16OELTLP27mwxWNuOF+7P/a0RDaY/FVJqKY6cA253D9kM4Tc9ug0a0rd97PBN5QsqBEL/bXY7nKkxpK3s/Tvg2TIRBTtLfj9NuN3jSP+0J/jBO/s4kHFK1g+5IEh3POu+wfchp/z9fhPOPkvuKlv8TlSL4m8ZpYMoSai61gxb9osmewzmYUiCcQbkaARBLrYEVxkWhfidOZzI84Mx8HMKgiQK2RFl0zG4aoYIaEdcsXptfHer4S0HaC0fUeDQCzOYy/CtIdSc2nOK2aD6cWZjVv113vW1ttsxupmQ2k3sapDk1kWFqk4X43hmwrzshBCxQfH7f0t/Sh8k264uIH6VMm5TVUidNJRnTbrBHsfal1Yi1JoOSquQ7qIc6N13sETusAwHjj2t9z1b8lZuZxN3kAMVG8wmLk4bf4z18PNezswtsi52qRWlkTUOtpGOiulktaVWgwyc67iQ9uJbqQNpXXj9hS7ah7c4hRRI/ugtRHRTCOsTgldR3GmMw1VqHmlNMcr1ypEO+rxLhJ8T/QjUSJOerwEhuHE6XDDu/t3jKcjd+/e8Tw9I2dhfBmIzx5fDCY/3R94++U9//j/+hcQKu4+8dvvf8vD//xbzpeV+WWiJCWtWHoUQgyR6GP7/pXdys8FO4QNbGHNuRHynDn71BYph8lp1FWqSxQRY6uvK7/+9q9Zzhe+6L8mD4l4HIxc6C0oXrxHgkOj+YmrVooTCIE3d++IvuPh+8+c5czHy0e7P3EUUTJ1f0D2mHK3+ee+WqcIGA2wojVTNFF1sZWD0oqF212LLIYQcKYR/f5XH4hxYHq68O7tV/A/eYb+wKG/bTwRbSlTSnWF6hJZLd9XKnYOed/ut4BWT8Wh4g2SdYJ4TynJim4Lig/OIPjpknBuYV4SPiRDrbbmopGITC/vcBLIubKejXxYS97Z+/Z9GjZfcqU6QwqKd01WaPIZcWVfx6GCl0DwMByPxNyxyJlZHpnkew6uo/qvuKYYtGemBtCOXu+pOPr6SCpn0pQtj9grIXjT3lells31rG4HOBsub7v5ptiAKyqhIHXztG+TsWyQdasiDSYObbkYGvrpvf2sPpRmo7t5rzc0E6DxAbYW7M95/aiL7saEgyuO/4def2qvqyLUDYYlNM2tJ7o7BveOm+Er7rqv6d0tQUbKImipaDZq+bbrWutinXabbktthaz5GDtxBjPS9LHOs+aFl+mZ33z3a25ON4hTDv2Ru8Ot7VPEQbNsbL0ytJtcG9lj14zt/91+Pq6pMlvn3D61Fc6W29p2udL2TZucwoKwt64SxFs5qcm+5rZQDiHsXajddPl6E7YuNHQd+JF+HOhTDy/Get5nw8aGrrU99I3hUkvBtSkl5USl4OSCeqG/6Tgejty9fcMh3tJzQ1chhqOZSfTBDgyxqVXag4m24ACRfSe+77K1CeXz1SSFxqKsVVmTTRGmibXrq3tb3e6nJlVwWpFacCq4ap39Bl9v3tOKp6KkbLvQLBkVJUpkjIEYTaPqNLDmTM4FqY6a1Qwt8IRm8L8X+hDph5Gb21vioWe8OZLKQtXKtw+el/mRz9/OpOUzLgR8L6QnIaaR94evGHlB1k9kX8nBIPVSMkLLZ93etCZVyw0pKFUsqKfYJldkafeBGWuItqmgTVBKIeeVtUw8Pn3G58iH0/eko3Lo3tE7R9+FfZdnKUlX1mkgIk4YjyfEOb766U95Ob+g3ryzi5rn95LT/p4UNXg/14Wq2VCUNtlUlFQTVVdyOaO7wUqzAVSPqLedpnP4Fnyipe5uV7VmHh4/UYoyxP/K7eme92++YiNQTNMz0/xMWidyXmwVo+ZoB3t9xHmDe2tphUFfM3CDQaTOpsAtx3izEs0psabEsqyW7hM9+ipqZ9vXeu8InRUXKcEKWWrITQMPq41vxg4vDlfyLhnyqlaQot3URjYVhtgz9ANDP5JTZ2cJRtMrsrXV1rA7BoKDk39LJz0SFpI886xKLQt1vlCiI7v281FaA1OxPOSrNrc2/frmIigbCXF7ypvkQqs2lGYjzRn64GCn+W9cD9/4JN7bisFJuCIR7azdwg6qbo5mf/frR1107XUttq9r7usL8CfJVCL2romFSHsiTjt6/4Zj/Irb8Se8HX/GmO4J+UhZoWSFVcmpMqWJKV+YdWLVhUImqxVdcUKQaNMjbqfOd7FDEJZ5Ys0zyzpxe7pFnPLu/h3Hw0D0EfHGlNRU9yLRvmm26MHtZ657CbEuf6ewu20Obk+SYprNqu2A3Lp9K6zSbjwrumV/CKVBratcY9NEIMRo3rDJYOdS0y4z2bxEYuyJCONxZEg94rFIOuzvOHE2edfSyEP2E9WSqWKmB5YPCkqgBqEfe053N7z94j2jv4FpBHXI0UgjcYymR5XciFBu74Z3GFmv944AwRuBJ2djuW7avTYIs67JNHy1aR21GReggGfL39QNAqt5JzhJ21MaahyscaoBrZW8VrJmEhmC0g0dx/7A7c2tWecl4bxMLOuKq5beknKhiP19ewpM3uVjRz8euLt/w63YAVO0ggSmJbPMysdfT3z69szLy0Q3OrpbiHXk69PPeHaP5KlNYRTmZWaeM7mk3YvYCl8EcUY5UmOjalVKzYhUnCT7YZ2CJpDM1bJ1K7oLS/U85I/oBN8N31ASvLv/OaGLhM5kM9IclFSuDmyIIMFzvLmlGwYIjvP5BXXKuqzM08q6rvjJ8myLWuxfroWUL6x1pvgFFUvVUiAVc9ha6hO5rqR6IWdjPXuMOXtwA50LBLHoy1oKVMHJkVoLnx4+8HK+MF8S795+QS3ViJKx43x55Hx5ZFnPpDRbZrUWhG5v2Wz90XasvqkPqhUZO+QDQWRHYrYUMSM8VtaU8OvKsizEGHanukphzx9v5hCxg+oF2QLuN2kVTWq86ZvLVd/svPkPR7Xvc5sKpSoeYeh7xjQyjgfW1XTAKpBJVGnoTgloUxpE8dz1X1D8LUN0LPqEzpmlvPByyegAGm0tUSXjpeAx9Mh6fzFnqbrto6U9Y34/EUX8dcWBERnBGdLRoGJprn8IuODbEMJ+fQOGQLqGNFojsVcgwK7Ln/P6kRdd/QP//zrrvfYm3vxB4Qo7O2dki6aetJu/drh8oAtvOPgv6fUNIZ8oF0ddC8ygqZLniXmd+PTyiZfphct6YS3JYtVefQ3BTCO2TFqPoMUO/2r8SuZSkRm++/Rb1jRRa+I03nAz3DD4ga6Plj3bYv9EYafL5i0hqVHg2Qwf3A4Rbx3dFna++aRucPc24boWqrC9nGu7YK4Ap7Sb1DSfryZhZ8seaeSjqtuuE9N/SmXKC5d1Jte8a4H3vR02PG3ONlJrWx+bxZ/v7Hstmsi6or4iEfrTQO9HKgNanZmoR9tfeVebk44R2OrGzPzBLfQKKkXQavrmWj21FDMZSJWUM8uarLN2rkFl9sBv77f9PK9Zskb22N5paeiT25pELDbNu4hWxddIzYU6ZwqV4hWp5v08uJE4DLjSgXqkdFa8JaDizdms7VHtjDTyjxMY+1tuj19w6j9x9pmlnKklc/62cAkr2l1QSRSgY+Qnd/8A9UqNyufHT3z+/IHz9EIp045etNGg3VPmW20/c8ZRW1FqTaBXKxTemqzOezwenwRRJaWFVWbO0wvjcGGtiU5Ti2lU0IqUAuKaVtTtU5+PPeIDt8Ex3hzpDh15ScznhbQk5otZjeay8rI8MqUzv/r8wjolHubvLMM32/dpVomFJJYrXCSZlI3K4I8MPhAOHUM34PIMJZPzDlojbNr4zLKceXp0/Bpzper7gefzA+fpmcv8ZGlMbU+7o26NALQhP8410xY1WZ4Tj7jOClAt9p5LQXCM48jxcOAwHohd1xrhbCsP7/EhtOdR9iNSnO7PnFSIhNZs62ZR3GDVTV+r1NKMJIpxGqSavA5nEHgfIof+wLs3XyJMPDyMiDhSWUl+pfgE2l19l0VwJRPU45xNvCWsXPSRVBKlLKR0gahIeDW96vY9mR5cna03tF08a4cbBug2j4OdEtfQg21F0rrhzQFl1623Z9pYpwY+O20ES4cXmoTJU0vkz40Z+lEX3X1y+b2Ce72RX+91f/f3Niq+LfYbjKURl0ciN4zuLVFvcOVAmR0sFRbbhc6Xmct64enyyHk5M+XJJsCNANNgSculNVg5iLdd6FZ0W5pJrgldCx8fKymbrd67u3fGtD0IfQz7lGS5X607U5oZt+xwH25DlduNWa/XZHuA627LtsEoYf//W0kyckHbf8grctaG1mw6Obg+nK3Rqdh05TAIqIiirrKUlTnN5N1y8xXMKxZmXWkrA0tYsELpChLsGhTN5vPrTNMYx57oe0ru0Sxo2kTsmJQpmAxAxZtpxvYovkYOdqMCWtG1kO/qHbkqmoypvB1iBum1k3Hv8bZczfarVts1VSs0VYBGelPaeym2j/MSzWBCo6EFJZleOih2Hjh66SB6cAGtjlKbREoCihXdUpRUbBLfGzE8fTxyGhOHeM/gZ+riSGVhWp9MF8wL4jOHI8TDwO3bW+gFDg6qML1cmOfZ7ltXW0+RURypwmZDCcZK9VJw5L3pFFGCE+PceCE2JqpzglQoJbcs3ollnck1kWtuntDaGhtrYEzCZQe93bsRT6A7RpQjN/cnyppZnhfSkkmXREoza5p5uPQ8Lw98Pwc0ZV7yZy7pxQhEWLNSpVJcArdpPS1t2/mergM/RPq+h8nMH6qZZ7JtjG1vX0jrxEstpGWlHwaGYWRaXpjXC8tyoZQV71uzqtvzaRC8uI17IG0v3mw6xLgIOGVNixVeqXinDP3AOI70/UgIroUPFHIudH3X3MbYcRnYHLhaEygQnbezofl5S/v64loiUpt6ay2UZKufIIKGio+GSgQfGLqB+9s3pPWBvh9w2YpucYlCAto6T1pud+lR9YSqRNdTfcLVyFN5YFEhpzMuNA5FOwc3wuNGJjV5GPtzaSlrTWokxgJ3CvKDWtGg8Q2Rcdu/txVfaes2x7YbkpbLsPk3eyKCp2r/ygL0T79+1EX3Ci2/Pv3++Ov3CrE0WBGbC4J6Qu2JeiLmEyEdoDiKK+gMugqsmZIz5+mB83LmeX5mTrM9oGpvvr3VbdJQ16hAzX5MmlHFvoBv9oxSWPLE5+eF8/mR7z78hkM3cn9zz2k4cXu6Z+gGbg63xBDpYrTJbFDT9YYe1IzOc9FGftrYerF9XXa9oHkYGwwcQsu+3a5qKyzOLhYiNNlD8+rFMl+tgFvg+q5/874Z6xdiFPzB8eHhI0/nD3zz6Rs+PH4il+seC90m8ArVpEy6ySrb+2s5uckgVAWtwofP3xBcx+Ple3SE0/GAZkeZmyY3ts9vWcnbVL91DXt7YSMFotoYn8by9c5oNedpZpot1i5Xg0xdk73oRtLRdi+iaNNdmp62eR63gm5f1eHbSiO4gFDav5dw3ptOlkTwwQ6jDCWDiu2UYjhYnGGwu1YxslEmkFVIrfCmXJuvtqfvjtwePXenL5nPoCXiyoTTQGWhw4EmwrrgELL3aIQ6C/lxQM8HmC/IuqJhBWfJV3bPmydZdc1Cta0fSm2m9e3n3e4NcY7oBrwGunCgk4H7/i033Rve3L3heDySa2ZaJ+TxwYhYxeBCxNPFbncF2lODRKkuYUyB1aIrlwp5e9at6VWtlNIkapJQl6k+MXEmS2Xtys7K1Zba4+kJfjDI/vCOU3fHwY0WX7kuSDGOxNpkh25L1ZJKrit1LizpwvniSZsuW1ecq7imedWslFI4X85oddyfCn0/8Ob+DaVASVvWsu2dSy2mW0Y5HEbGceTLL7/kdDpye3ODirKkhZwT87yYSmJdGfoDXde3gqIt9ahg/tV2nbQ9DwpGlFTrf0s1MuFKoibI62pI0HJGRPGhR0IgLAPFrdwc3rCcnrg7fUG+KOmpspDomHG1w6F02/krDtRTlohzcBreIs5xFx55EWGunxtkbBVXRSiFhlLaXtdYGK2kbntdO3UNxcMjG6egNOKs2t7HfBkw+1/3akKuLU7VmS/5ykosAa+ezvUECTgOpi0vt/j6d9cg+JEX3d8NNfiTi+wf7ERf/TbbxtMustdI1JFQe3w2IkDViq5qMXc5UXJiWSeWdGHNM6lNJrq9eTQbs2aqLurag++b0XYzI99lIXZk57KS1sJLygTnic7zcr7nNJ74In3JcTzhAvTSo94KqRMB79Eg+0FRtFKy6YKdWBSVaduaHGCD1xspxGBlg4Q3kpR11q8uUtlahAZR6/ZhMKsRXVrnXlvX7j0uwmU98/HpA0+XJ87zuUHLV2JXYzhdfcnb7oW6da9QyzbqC5nE8+WRw/DAeX6ii0duj9hkWdjNP+z9sIlZrP21P+BacLd+eJsCtp9h+/lVK+u6Ng/fsn3S/l5v/9j2tTZimsUoltZg2d/V/Zq28uuNvOdEcTW0XXlBpVjBqt4gz1SNUeo8zvWE0AMRsAhBRVB1pjJv8GCpG/QnBN/Td46xv2HsZzo3N55lphIsOE1XXG6SrYtQo5mi1KmD1CO5R0rEMPLrhGHfL02a0trf1kht/Yh4W7HINtlgdqbRd3TSc+hPHPsTh8ORruvJtSCNOl2LHbDW1HlSyo3huwWAeEApsrTvZbUTeHX46oyJ31jpZbMnpB2u3g7apCtJEpO3pmr7OUqBXgIxOGLXMw5HejkQ6ZG6UIti4Q8ZtsCH7d6hoqWSSm4yP2usN4OK67TUiEbV2PHJm4bbe+F4Gu3nT7CmTMqFutpd4huqNAxWdG9ubjgeD/R9T9HCmi1GMOdsCoVSm9QsmtmOYEzgmomhIV6+FVm0yZXsv0Uxcx4xYxiR5lOcC2uZUC04n5AQ6DxIV+hOI0N35DDcMC0La12bF3bGkwDbsyLmDyVqyVTioONAkczBn0icr3KffUa/8iyuuhPY5FzSDlV5XXiRtg7amvkrqrDdq0iTXkrr/NW3AdfCabLYzjtWIYhDCTjt8TrQ6Q0/IBX9idePuujWWm3XKX9HwWUDTX//9+xNGQiM9HrHwb/nZvwZt+4dQz3BCinP1LlSczVJUE7M+cySJ3I22MV2LoEumoWbd6FNu9tbLntCjDZILroOS+KwA7pqppZErjNrMhj1af6e4D2//HCkCx33N2/oup7jIRKC5dhGHxmHk4n9i8cTCfTcHe+5Ge6omttB14TmzizZNpYesnWIexXcr6m2C6VicNvmhOP9xhDcuuHSDreMRKE7OrJMPM4z3z79kl99+mselwcudUYx5qdvOtltCvT7Q7VNjdvGmD3yWDxQMx8+/Yq0zvwv//1/5ss3H+n/x3dEOeDCsKsFnLM0JtpOd8ND5NXH9mOD4HULPpDdJH+aJ56eHrhMZ5Z1aod2RTW3Ta3t4UqTM5Ri6TtVK7tECYMdNzefrpkgNPUhJXk8mSgOsyK06+9x+NC8gV0ECfhwwPkO8T1g2cb2LAg+9KgGSvEsa2uIMN2s85G+HzkcTgT3gGPF6WCMfQ+QqTVS18qa1UKyJke3ZG7F4/xIH28tbrFMTOUZJOG8SWdcKPsNY+TQzbzAEmQcAZfNbKEmj1bHaXjLTXfPP3r/Tzh2d5z6tzjpeHh4NA/y2OEk4l3HRqjyfm2EoIbaiMEiqU7kmpiXZ2qulIsiRSFDLis5r2Q/U9zC4XDiff81tVs5pyd0Ei71wplPFC3oWojScQxH7vv3fHH4KW/jl9yHdwxzwK0OPw2mg1ZFJVlc5dZQieyNrHANIXn97Gy8RhC87zAHKttvPzx8QGvh7u6ew3Di9O6eXCq5VF4uE/O6ohgn5d27NxwOB25ubun62FzLhBi6na8xXSaen89MUyKEF46nA10XiZ2j6zqkyRkrtsv00e8Tbq1qPgHO4O7B9XRDxxo8Oa1cXiZyykzThYqgy4of4CDg9ciXb/+SZ8746YlYD21rZA1S58wPIPgOh6C5SbLSQB+UN+PXSKmc03dUfWlqCwOoU7J1SmnxrlrbBZVXgw622tvAUG0hMNu54tqA4KqhE05ajjbBuBQ1NI6JUKWQpeDcYPnP3T1DOHErX9K7E/fDz0miwP/9TxcifuRFd5Nr6LZr3MeVP/cfoHVaAa89QQc6OTD6Ex0DvkbIUNdCyeladEsma7KcUW2GB+IsWDr2VnTFWxHEtV0CloyxTXMiFge22bBhzF/agZ7rQsozSzNOn9YXvAvM+UIXI8fZghHGcSSEjsN8Ywdb7ejCyBiODMPIUYoFJOgGp1zzJHfT71eX5HWhvTK8f3hdX+/E9wtfr3sxLyZVmHVlXp55mR95nh9Y60Kh7aDb/sWQVpsEHcbWFuQHQnOFpg1gJz3MyzPeeT58/i3BD8xpghDo3LDDTWbUf4WUr8DRtUnb497Y3iOsI1YLLsg5s6wLOa+UsoFZ2ibaNvU1Ta2FfJvdYcXgVZMnNSxFAt75FnDRMm5qNSa3CE4y265tQ1/EQfGKLZPMKAEXWhG24r0BB87b7ylNI1uanruZAYQQiCHujjs2YyiODtuZNqvGanaAoo5QDgyuNAKMyXFQYa3LPjEaAWh/oNrB5c3IoykCvEaceqiOmgWpni4cOHQ33Bzfcgg3BHqqOpZlxblCKErw2iYx3QvYFg9nEhErvmu5kPLCeXqkrpU0FdO5Z6XURC4JNxSkqzgf6OPAoT+Bh7EcKQV8fTbynipBAqM/cOpO3A23HOVIz4ArAkktCKMGLJSgkeraA2TPlu1ed7Oa/REya0XcJnNh372jNkgs68SyjqQ0o8NoCU/VG79BwMfQnh3H8XhiHEdiNBnidr44Z/v+KDC7hVoNsVnXhA/WEMQY9gZmh36QRuCy5ncnVEnzAhCzpdVsq6A1BlQTLBY1mVMBL2jxeBk4DPeU3jN3FZc6SMIGDBtSaYQ4xzbNNjKk7+jdkV4P9DKQNZHrZPpvpFl+2oe+Mi0R3Z/w9iO92uK2RqL9Npt8alspOW3+Y9pZ0dawfx4SmiHOiPcjUe/o9MTg3jHKDSf/JSn8vdjp/s7rzyy4rwuGo2PQN0S9YdSvOOhXHPQLQrqBFElThXXZ6f2pCdpThazOfGG9cPCBoR+5Od7ZN1Idy7ywromyJtMOZjug7NB1HMcD3gveKylPvEwfWVKxDEfNiK5toirUaPDNWWcuWXh4aZmvz8F2fTLShwOn4Q33x3d8cRvRAL6PRO0JGnHZtQ6wJbJvBbchpdeDk2ao4VpAwKsduNsYytJuYrvRXDOgIIDrFAmZ77//Nb/8/r/yyw9/xYeX31Cl0g8DtRYEiMFSVNZlNlctzNSjbv65cHV6a/XOinRhTo/kPPH//q//Dz49fMfPfvpPeXPzE75+cwNqe8DqhCpXA5X9FtkK7vZ81lf9Wvs9k18YuecyvbCkiVRm+/oouSy7rrhqIeWpQZhp/7fFhWYa0FlEYrCD0csGdxlpQ6uiJVMbNO6b/CB43/5NpVShqFCI1BqIscO5QAxd6+yhH0ZC7PEhgvNkNYtPwSHOE3vPcIz4HtxcyamR1jS2AuxxKD1XRKb3PadwzyneMZczj+sb5vKMX37LUs7M+QGVhHhLJnKxI7qeIdwQiXTSQ3FIdc2rWhHfEXzHF6e/4M34ntvuayID60Vsd6m5GRcVJBSkZtvTOzGZmyo5raYjr+bQNM3PpLxyPj+SU2ad0g5za+Mh+AwSlORmqmR6uSfIiX94f2LSif7yhpQWcp646U/85PZrjv6WW/+GsA74FKmzSfgKQhGhuEAFnBsAdjRpa2h23fmr9VNt6WO5kSJD8HvAiGBJPbUUckq8ffOeNU2cTnecTre8//Ke2PVWBLDi5JwzFrUqfYvtEx+N/FSUw3jA+8jDwyNPTy+sKRFi4Msv7xkPHTH21hyyPeMGfYcm5QvZ5IWpbM0YdAePVk9/eIvWxDpVSoGldBCEOFYqR05jYKxnuuWB5dmRzrJrlGvOZAfJQRVPCAcKwjJXahXi8IYDK+/CP2Cq33OZCtlDcZZ1m8u2Eqv24GDOzCJbqlErvg36up5xBjXTQuwRb8+HjBYiUiJUR8kNAlfP4AduwpGb8Q3HeMu9/4pDvOXOf8XgTtz7n7Kw/ln15/8Piu7GQG6vPzLtbhPdD/+oUZ7qgCsDroyIDkjtkRzR5C0dqMEWG6TjJOBCJAB9NyIixNAzDiO3p1s78Lcue61N1F3xzibb2BnL7+Z4S/AGIS5rYE0vlDqzbymkgGSgWMyeV4ozUfdmw+fUvKJz28GEvJBKbuHjGyne7QeBbDejyg+uw15sZYOXX0+zf/ia2v4OzJ7QxjPnbFeU08r58sTD80cu67NZOjojfdFE/87+coO3DGq9alLat7OtTnW7LPboaF0pVJ7PHxnHW57On+jiiUJuU1YLKZCrW41ru8jXhXf7p2m7rC3I2hi1af8ozTdZGla1TbZoY3XWvJOmNnLzJkvzrnnoOnO3ktbVW7dj+1htRc/u52am4gNIbexMbdeivX+y7XjDTnrzIewOWq7tOl9/Pz46YufMtD2aWUsjWbfrYXm2Ve3eq1rMAcsFWwmIZ60G7075jOAodbaZXmkGCYHgItEPFuIhg33xIjvD1PuBKD1jvGEIpzZZRDOd2Xdq8goSrHvR0s0CMZtZR62ZWrLtQ9NCXizUPeXEFhS/3VKNy4oQ7Ho5b6zxGOn0wDQkkptJy5lTOHLv7xnkyFhHpEakeEviwtjoxbU87Pae2eNjvI0dU5HaJt8rGnA9hzakqBWHrdGslVwS0/TCue95fnkkxMAwDvRi7GRxNmU7/HVa3YrmhmDJFtwR6DojTHrvbQCohXmejSndvImd99fHYrvFVFDfTpBN66qAOJwHFyKoRRHU4pDUYT19kz/JgSHC2Fd0KhQKjmQijBbiUWoG2eBeZ0BL8ZAjXgZ6dyTrC6H2ODe358S3e6I2wFL373t7hqShZ3aOSDNC0etRR7tWLXnIbzGDtUOrQ0pDKzUyyC1jveeGd5zknhv3FQe55Shf0MmRXu6pLL9/SP6B14+66F4LA/zgSv6xv/97nydQIvVyQ8231HRLLkeW0hFKR1cjx35gGAJZJyqJFCw9xR/vyKVwv8545xn7kXE8cn/3lst54vx0Rldh1dx2oXC6u6XrO+7f3DJ0Pe+P74neE6Lw9PKBv/5l5sND4uFppeiCsoA3n1+iQnDNt9nTDSPiAzGMiHpc7XG1o2RhBZYE81qZ5tIOGs/AiBNProUtZ1Jkm1ItNHqjzHtvNombbhZ0t5+zaWQ7nJUtqac6Ba88vnzmtw+/5G8//Fd+9eGvWcJnaphwISCu2/ezQcTkOnVzyLLCVqgN9tX2sABF2nexgMtIXFFWHi+/hQf4L//9/8VPv7xwe/sXjPHIqTuazs45Sq6UUvDOJFzb7VLbfmfTLZv+0OLYpmni5eWFx+cHXi5PTT9tWbp2HawolbzuULO4zTpOCNHRuUDneqKMBGl7yU1qhOy7vloDtQqoeQ7H0BOCo+sCWStSjU9QSkUlUsVTJeIkQtvdRefbzvbIOB4ZhgOlWvEJ0ROC53TbIW7k/t0BCYl5Dk1StknGgjURZSKvF5b5ETQgBLzvGIMS/IGlTsQwMudnPs2RrBdyfbDmi25P5goyEDngQ0cI0X4uHzl093R+5G33U0Y5sb54chU0GYQXu02OESyZJl/dynIx1MgkM9mY8iWTpomcE5oKWgqq2bqJIITocTEwjD1d1zU2tUBL20kk1MM/vP8/256y+4gvSlzB10CsEVWD7deukLvKM4WlrM1lSfG1t6eswb5e/M6UVVfwurmwaYOehb6lW0mxiapoxYuzhCAq83rm00Pd0ZZ5mbhdLhyOJ/r+hhB7hv6O4D1djOYv7u2Uq2h7hntSzrhcePPmLcfTLd9/+J6Xl2d+85tv8F74+ic/YRgGxsNoyWavmnIFcBYS4qNvhjFKsaBZQituwXlqdYTUU0WsIVGBujLGnnB7Qi5nMpe2lqlonSlamCs4qdSgqDpq7ilNMlbjgcPhS2s+3cpMZXJ2T0utOFaUQhXzWvCtj4lingihNW9Soai396Daqs013W50sdnvHkx3WweLHqwR31Cbe/kJ7/hL7tx7TuEtB/eWjhNR73C1I5aevL78WXXrR150dxTyB7X2Bw5Uf4JRJq37FQ1IDWiK1OzISWh0mZYy0eNUjenpWza9FGNDdh3eOcZ+ZBgOHMcjmiF1mehNkE0wAfXpeGIce+5vb+m7npvx1GDEypp6oncEB2hhM5aQzTfZVwgQB7Ne8wfzcQ2uQYFJ0Vwt/FxXzunCZZ24rBOx0dtNf7YRDvQV+azhts5t7V8LR5BXo6ZdS1XLtBW9+hjjTN+Y1YIOnqdnPj194jyfTeKw7fwapCMtssy+E5uOarNsUgdON5NIfW2huuNDWmVnOFdNpHXi4eFbhu6Gz4/fkoY7/BG6IGiQfXoV84uz+0PZI85qtgYip3aArwvzPDPNE+s67/vc8qrpqDXbuqHOXKUHgrhok6bvcGJxdJ7QLPuu5iPb/m8fKdAd5rJMWY/4gNOKcxXRfN1XvUYg2s3vNregEAkx4INDi6UbOW97OPtzI88Mw9A8fsG73qZliVbEkmdxSkkX1Fmuq29Emo4eFRjCCRHhkG9JNZCbHaUPHc5FvDvg6XDa4WpECOYZrR29HOhkJGiPI+669e1n2pq8jSVvRvl2za4N32b6bw1QKQ2NqIXd1jR4XBcIXcR3kaEfiJ1FBzrMzhVVOrU9ZNdFMgvOr2gtuJqQ6iyZSLZYuOsaQtlqU/tzNm207PfY9l7Z7t2CTLa/uwW10xpB2c80m/i1VkpeWBbHNJ05n5+JvflSI0aaij7Zz9KEj1WvBv7by2/Odmqs76HvKTm1RlI5ny9mHZkWQgwcTydccEQN9k015yu/Se60rbHVCIJOldpY2+ppDPq2NsnS7DMNWdhBFZVG5LT3WFuAwy6xq0rNgHP4EgluIMoBT48nNu1/QYnonpELXlqSmFyxvSsC0NKHpLSia6hEdB1efGsWI8IBISLuQHQjB3/PjfuCG/eeo3vHwd3T6w2hjnjtrfnF+Ap/zutHXXS3U/iPDbd/6PdfHXlszk1RIl57WEbSHHl5KYSh0PWFeIgc749UPRjC2W62e81WuILa5Nn1xNAx9AciDk2Fl77nEiNdfyB0np//7CecTkfu3zStrR/bZHFmWR29zwRNSF4QXw3+Cg6NivQJ3xXuvoBuBHc7o96ZxV0OLOdKnleWurKWyvlloYoJ5OWg+E7p1LRqW/KN6wV8Y7mKQ7toBxsCTiiW7ozBvgXrJhZIGa/mnEO0grnqysty5tunb/jNx1/yV7/+LyT3QvFKFYNQ6yq4KrudmjetgO2IXSU33apqaJC5MYRrS0QSoNaWapNDg7ULy+WJ//ZX/08ePn6HZMf7Nz/j5z/5pxwPtxwPt0QxL7BaTdBPNVg1LXkPOCilMC8TOa/M0wvzfOF8fuLx+TOX+Zl5nVjSuk/Huc7UujLlDyCF0GFFpb9H3ID3b/Cux7uhBUlcYUTdfGKrtmncNKfmnRzw3YiPHjfE/XTLspi2tJGivKs42YpxwHkhxshwPNIfRrox4jKQKiHYpBtiIMTIzc0twVshdM4zDie8BLzrKHllmp94evrEd1TWXFhTJrTQgSoVXyMxOHJd6CWSy0KqF1wU+tORorAURXKFlJEikMH1AyGMdHpDH4/4OuAktp1cwUdr3pJmLM/aYEM7ykqbBi2GMmtGNVPyYhK+ZJPumhbTAncd/ThyuL2l6we6YSD6zmD+TUO/EZkw8lCMjpkzlZnCSma2XeZSCJ1FXkojwPlmDLitO5xuxdbv5DlxtjP3ztykKtfMamCP+tRgRTdu55Mm0IrUTE2JtSQePqsZh6CsNXNMha4bcMVRu57xYNB2oeKj+VZr2x8HL3QuklalJPDvv2C9u+fz0wPTMvGLX/+WJc1UTQxjx8/+8qeMY8/N7Q0xBvq+Mz5CsCxcgGR57+YkVR11tTWI+ISUyrwYY3xZEr40sqqA9xXJdg2873Bitp2GeC2INEmXFkjJplc/MIQ7HMqlLszMiL9QSGS1M0uLWWl2WvFaiW42tyvnTC4pAScJJ3bfQG3Im6Nzo9l8ridcHejcO4IcOLovGfwNt/2XnMJbbsKX9N2Bzg87A1+doYHVFcr6Oof5j79+5EW3veQ1O/APrCCbntea0uufWHh7QVlREorBVVUt/cVFNW/bUKybUYcU03r55jzkOkGcJ8SO4K2YxBg5jiOH9jEezMrxeDhyGAYrHiVzWV8oeWWePvLw8D2X82fW9QxUmwJdILXwBC2VkitLShAKoWyGAw4nFTc28o1kXDaYdPY9zwXOpaevQr9NNLo93G1BIxvFQNHGtN0tHZvJ/WaovkGr286yeiXXzOP8xNP0yIeX73iaH1iZrUh43fWxrrZdV5taql6n2U2Ubzmm5k3sFbQ2P1jd2F6tmyy+7csALazTMy/+O7755q/I60zwkTd3X6JkRj/S+Z6qq00W1VieaWmktZQppbCsUzsoZpZlYlkmclqodTXTBVmN+KSVykxlNahbatujGhNTpEOkb79GmrKfa8v3QzmU801e49XcwZzfZU62n7q6h213r7e+CHP9UiPkBU/sIqELlqFcbDddcmJR5fxyYbpMlFwRWvCGD/Shb3vnjuIE1QNpXDke73DLjDJT3SazMDvTqgGcMoQTxfeMMuKipx+2oluQUpDOJDikSu8ORAbTwJfIltxSxeBGaTyEDYkxlFObBt6m4br9d9tzF60ULTb9oog3/XnX9/SDoU9dNxC7geCiTTcYUuJ20KdtW0vZYfxNopOr2at4cRYZqRWa9tO3JnZj3L8maIpsJJ19e/uKKX8dk2U/v7Z39jpG7ndLk6It68RlerZADxdQlCWcgcyyeirmlmVmO7pP4tv3YiHtxlp24jgcDoj3jOMTSuXjw2cuMyRmxnHg/v6Wfug5nY50zZDHeUNtUjYGcSjZpFmL2Z9635l0qFrF3+xrTVIJztmZW6o5mu2ESZSq5lVuLBprxCy21CE14KsRQiNmfeqcETJVBaFDVOi04CQTXbPFdQ7VAHRW9KW53FFx3u6HuBVdOeLdyOjv6eWGW/c1gztxCu/oww0hjIjYqqE2voEFvJivftW/F0V3Y9f8iUUu9rDSAtq3T1O1LEzKQubJuiE94wkICekK8QQMiRwXQhhwdMjikaoMzhiVYYj29DpjHoJwGEeG2LEuC9TK3f0t4zhwd3ciBM88n5nTysenB+bpmQ/f/zWXl498+PavmdYzjgQuQohMZWbOluMqPuFjol/gEB2h9wy3ikRPN65UbTuMVWBxvMyfSMuv6Eui5oluOICPDNm1OtsmyAYhmVmHAEaqcN7vBhilFrPnywbjdX0HXigxM88zv/j4N3w+f+QXH/47cz2zhjMSEgSTCDk1co9rBdQevO1QNWgZJ4gLBGewqmhudjzZGiQUavP4LQY7OrFko3n5nvXyxNPDR97e/5TPH3/Nz372j/l5+ie8Ob7n1N9SVwwq1ABVKNn2uut6hZVLWUnrhXk+c7k8Ma9PZD1T5EJ1K0XXptl7QV3G+2xMz2iToncj3h1w7mRkJmdkKGMCtPtud6wybaePwfbijdUuIVh2LH5nb4szFvJWnKKD4DH/XNci0PrA4ebAcOjNkWvJLPPEpRXbp6dnpmk2iB9nQRQ+MnQ93gWiC1Q1rXkIAfGBp+fP8PSZJc+sZbG9uAtoDjgVbvq3iBOGsSfESHc8UlRZSsJLJbpKuszkaYE1QHIM9UhIPUJAHeSwIGJmFHYyh5afa0XDSIFbnWoFt60dU8lNwmc8BT9Eum7g5vaOYTxxc/OGEM1QxEgx0u593Z2IyJlaM8s0MV8uTLOtFFJemw2pya0kdkhWXIFOO2huXEqltE52D2SAH3b/DYo1Qt91Z2Jrhq3ppT0bTeMtsEkI1zSRtFA+w+P0RJXCqd4gutKlHu1nxsPI6f1PcV5aRGZ7rrXaSgYhOEv90giuixxLRp3y+PSZv/7b/5XHlwc+/Odv6PvI+/dvuL254f27d/SxY4gd43ggdgNrtvdL5gxZCcXu39v7N4SuozscoWrz4rPdqRfwrlB1JeXZ5JXOtwZLKXUFTTYEiXlZm+5N8BLBjfTaM9IT/ELxhdz0Vy4fceqIZcWxEv3cdHcepUM5EMURpIn+VHHO7sHALU47vHtD1BNv4j/k4O/5YvgfiBzo9cb+HWnNelYjyirGsEcI3lHy3xv28h9+/aFkoV0v9/rPpFJkQuko9YnBdcSDMt54jncd3cHj+80NRXHRuproDR51IbLpMH8IXlf6fuB0c8PhcGAYOnuQU+Xx6RPTPPPdx2+Z5mc+f/yGZX5kWS/NDtB2yrlkUq2kCkgAdVwuatCOD4TeU4vDdYo7JPAFFzM4tRUDiZWVR/0OTZG++ymr73kbRiLOdscVXA1IMUKHkUBsokfMdSbn1QzLSzJ5IsIituN8en7gaXrk07NNuEt9prqVECsugotCJbTDTaBAbfKG0nSutVli7mEObYErVCO9OG/ZuKJoaYdIgx93T1QALf8f8v4lxrY1u+tEf+N7zDnXIyL247wynWkDVekqCbgIca+Q6ADiJUs0SiC5QQchGpZoWdhCQnRsCRlhJECyoIGEZAQCejToYTrQcOMKS9wrqm4hXGXSTud57r3jtdac83uN2xjfXBEnbSDzCoqb8jqKE3vviB07Yq05vzHGf/wflHRiXd5xeviY8+PEfJoYWZDykpoErUKrFhDeiqEWJVt83boulqVaMykt5Hyi1BOlncjtntRmSp1RLbhgUWbe7XEyEOQaJxORG7zsehKMXHZruhGoNgblBjcrlwlpC56wSdfY6Ntq/RLmXaF/pMPMjhC82QHud4xDBIXTw8zd7R1vP3/D+XRmnhdyKtRSTdYiYuEKOIPFvOL6aeDE8nMPuwOlZHJO6NzTWYJDnSLBOvvczEu3Ya49tVpz5LvkJCAmERqkw3x9QtRtMnSbeq3zDNzFx/tyz8rTCmlLh9oQF7unhRCjEWgGC1Lf7Q+M0444dNvI0NOKTCALagiHdqZ9q4Z2gBJioDWLUtzC2TcHrKdK2ltseV5ZefrYNuE+2+1e0Lb+dy/zbb8cuq1DL8rdbe+y6FVUzH5W0x0uNh7XI7z+iL3sidlBbpzTbCzlTUom1mhsg4bdWzaoOBGC9xwPe6DylY++wu5uZFkeUK08vLsnn1fWxzNjiIxhYL8/MI4Tc26UqrjUcA1GIuMw4n1k3O2J09522H2VY7e6WRHZDj6RKyi+u7cpfYn7pYWhNHqKkIA6ggwMbsKHRPVQnF17Djv2Yte4WxKkySm6C/zlNXHqDbVksmLbDjidmOQlUY6M4ZrBH0z3jvRdsyFHdAZ3q12OZrJ9ihOW9FuAvfy9Pr5sGblBQY3iHqx7riMxjEy7xvFl4MX7B6YpEqKgxablMFpCyjBgUwmDwa9918tG/lDp+jjftXCO29s3zMuZTz79mMfzA9/+9jeZlwfu7n4ddMHJCfHgg2PVxlIKa22sKsCENLi7r3gHeRmJUUgzxH1l/8GK36344QGosKtU/0BxRz6bD9wuK0xf40UYGMfITgK6ZKQJYx1MZpO6pMV1BqMoJWeWtLDkhaUstKA0L+SWWPPCt978Gnfnd3z77TdZ2iNLe4ePEPcQR/CDv0zPeYPuVjswc0rG4K2dUbhpfru5j3OOIGLh3ZgQPqt09mHB7BL0svezHd8Dy7lx965yfUw8Xq+48o48vqamQC1Czl2aotYMtAK1FObz2f59J73YZNZyR6p3LPVzlvJAKfcohevdK4ZwYOdf4PSA1A9wjHiORuuQzqR0XRIF1iCoQaBsBCG6HMO57tDVdVfPpSR9V2hv/Wt0C9DgHcMQubm54ur6yH4/UVLi9s0DX3z2BZ/8+q9zPp9ZltWIRGFAYjfdSBmqkqR7GQ/YztILYxzMPAGT7NRmvsVuECQIgww0KkueqVpZy2qs+JysEeivnUeJYQAxRy0tjrZaaMMWHOGcdCTdCFAWB9df5+e2nXYTd4JR6cQpg3bHYcIHz/64ZxgnjtcvCGG0vafraU4dGt0Y86VkSqvMy6lrx42JPI4jtRqqE6PJ+4LbYt022BhDZvpr1G99tjr5RKCya1R7PN5lzSBPmy7pI+/m124rk64/7QQ1deZ8dXe65bSeuV+/YLffEadKdi+QZIjBYb5hHHbs/djDVrYIUH0KOunfs3PmFfby+prDfiTn/5G3777g9PCO+/s7Pv/8482Wiug8gw8cjldMux2nNZFKI1RTd18NRw77I+O453itHG5e9dfLddmXQDPEq9VMLjM+FZp/ZtFYlafVlo2k6rquucchRRnZhSMtVDQ6kmRz0nKCUyVuBM+LKY4RAav6yxMuGnAt2nTcJkJ5idcdB/8RgztyGF4z+D0umhyq1ETLDs1bRKA8sbhLT2xTmPP8XdWh77no/ut//a/5G3/jb/BLv/RLfPzxx/yzf/bP+F/+l//l8nFV5ad/+qf5e3/v7/Hu3Tt+/+///fydv/N3+J2/83dePmddV37yJ3+Sf/JP/gnzPPNH/sgf4e/+3b/L1772te/12+n/KP9ZhPm/FG7vxOPCSDhccTO84PX0muvjFftxMh2tOCREhJHRTcZ0c/VJWrp9Dz09Z9tZhGgpKOItp/Ph9JbHxztu7z/jdH7kvNyT0my5joDDNL1VK2srLLWQVMgIogPSPGC2bWUNUEHuGzmBhojfCaFYuLTzDdY91D2uWXF5N78j58BVVQ5h4ipMeDypVnwz03+8Gtm6B8lWXSm6kFlIsrI085p+9/CG8/LIr33xfzDnB1a5o/oFFzLqG6VVnEaDhWTDSLkcVrpJgQTbk7ptVaDU3us2Be1wnQbDGkXANaHVzUTRGQzF5lBUUVnJ7ZY17TjNA3F0+LEgcQcxUlkppfB4P1NyZZ0NFgoust/tefH6Pda1Mp+VU0u05Qw+4bRcuiszg3eI7nByILprhJEgOzOzl2JGF08iWDaXn4tvTR+DNwkJ20GxxSTiLge9dx51wbx0mxnke+84HA/sDwdev3rJtN+jWpnnM5998in3b99xvn+klGpwfNmMImqXzto1XFJCfbA50Jt0yGBPiGHguL8yk33vWNtKpRKGgDqDc3PN5JMxQ1ttHWgRqMZo19yg2ETkmhF8zPZwqzpygWbtwPVP0KtuJc1KhRWOdrH0M0MJ07776Bl3O+IwEgczCdl25M6FS/PTmsmKUlrI68q8nEEb+ylYAxOucQ4eHu4vjdAWfbm5TW3lVntzJKpPVfQyYW5/1p52l/psopXttug5us89gnvwAs4QiMxCKitFzzR35pwSicC3Ph84zjcwWmbt4XRPrg0fDkQfjSyENVPS6pO/OmZIochFXXC8vgYPP/Tbfjv3d7cM0ZOWheV0svVcbbRSSPNiaVwKXi3QvpZshiXFkKJarCkuRdHU0LWyrha+ABXnWzeYMVazw2NUMo9sub5qU6ZUcxfDC6I7or7AanikMKNU0Hg50+01Spj164gygewQySALXo3gGNoNru2J7RW+7fHtBd7vkboHGQ29qYVlPiPZIcXMaEKIfY9vTOgm1giW9t8IXj6dTvye3/N7+HN/7s/xp//0n/4NH//Zn/1Z/ubf/Jv8/M//PD/8wz/MX/2rf5U/9sf+GP/+3/97rq6uAPjxH/9x/vk//+f803/6T3n9+jU/8RM/wZ/8k3+SX/qlX7Jsxu/5oRcI5/InXYLwnyq49ugQlwvEOLI/XHMzveD11WuuD9fsxgkwsk7wEedG9mHq3fL6dPNf/gkFrR0uycRoEo7UgxEeT2+4vX/Lu/tPmecz5/me1rLlUnb4WilkNYPwuSVWIlk8rsuanAzU5impp5O0gl+hykDYe0vBGCAM4OpkRvVqOZm38ztm17hWRxqO7G8+RAjU1awIXWtIFMNp1Kzamq4UncmsZFl4bA8seeZbt9/k4XzLt978B4ouuCkZvB0yVcw32ravm9Vch0ovcYH99XIb7NUlQxe/4Nafjy243G5I5zBNazG4Vltle/YMRGqoW8g1seTAaVamQ2DQRhyucX6k1kdSW3k3f8Yyrzzcnwg+cnP9iml4nxcffsh8FuS+4edEdWfEJxwFqc2i4FTQFhA/4dkT3Q2OiJcB5woii03gHf6ynsx8Yjdjk4u0ZPPA7s+Nuk1O0o00MFmVukpWkzpZ1FrgcDhwfXPD69cv8dEkP/N84vNPP2W+f2S+Pz25iFWTNjWtJvNyhdqgYPnEXhxe/Zf02dEPXB2MtBNC4PZ8y5pXS7mKZgqTa+YxzUbaqg3f95etVmpO1FRpqTJ0Ehb6jFCnmz2ndJi5O3ls6wboeMblxoZecNF+YHvHuBsJveiGOBCGoZv7W9HdzBJoXZ5SCyktpHVhWc84lMP+ihgCwzjSWiWEaPKtZ8V2g5mfLFC3o+SpqNKhYjrxrW3NpbbvmIK3W8A+z21LbHEGALsGviHeJvu1nCicaGISHy1K+zyzP91w/eoF6pTj6Y7ahGkqoJ7Yww1MsdSfyV54mziadJcvgavra4ZpoLbC/e07nCiP9/fcyhvKslDWlVYqqVpOtUPwai5mNWdKSNSSL4VX1TTyZS2k08q6LLaqoCKuUUuiaGPwA+p8d5Gik1ulj7kmhRSnUATX9oQ+njSJlk+uBcUb6aqnJSEJs0SdUOmF1y1m0asjUfdEucbLkVBf49uewA2+7XDj3s5MHKmsPMz3+OLxJeIOR6L3RqjTBlJQWncp/G8EL//Ij/wIP/IjP/KbfkxV+dt/+2/zV/7KX+FP/ak/BcA/+Af/gA8//JB//I//MT/2Yz/G3d0df//v/33+4T/8h/zRP/pHAfhH/+gf8fWvf51/+S//JX/iT/yJ7/Vbugy6F63fs+/nKSD6+ce67KM0vNvxYv8DXPuv8dXx/85L/1Xe97+D4zBwcNE0kq6B7oDBDKJoaM1os5zVLbrtEnWnGSRRtFJy4+3tpzyc7vjki/+T+/t3PC7vzOmoazxloxP3g9cHIBc0L9S2kBW8FEQGaDZpD8aiwRGoxXN6N+AeHfEhEAfPNEV2w44x7hjakdAmNM0krXy2FB7DBCWziweuh/eITomhUF2huBWVDJKZ5Q1n7nm3fsz96Z5P77/N4/LAt978Cuflkbv0OeIqQ7OpLjjpvAhPXR2rmSADDleNhBYLeK245lEqRbx1jJqsg+2TGJ0ohO/6YIzA0JrSfGcAt2c7K4zpW7yy+sbd+ojcKmenHPJbrl++ZtrtmV6MHATe2zuWReCzBFog3CIvJuLrlTytiFtwDwV/r4zlQKx7Aq/R5rmevsoQjhzCh3h2hE3igmkAaW5Dj3uzAUU7O/z5Im+bipztrs2k3l18u7V2R6atwPSDcmO3HvY7joc9+91EroVPP/+Ct1+85fH+gbpkHI6aexBFdRDAT13XuKXk9H1z9WYw0ILh+xedehhoOyvAa860quS1mDZ8aGbgIR6w6bH1H63VQiu57/KFafJGnmGHXAI1t8lkW/e4DuE9gVe6oUiqaKk2TXcHtOBNkzyOO0IMDONkE24vuM73QqZKLaYCKGml5EROKzktzOcTaCP4xm43cji+7MTHa2rnAARvX9O7geZtwraCEy6yNqUTqS7f+VNxbbqlWW2n1bY62LaYtu9UhGreaVasUVQLhUwlkdtMaqeuUVXuz29Z8sw3f+3/4Ob6jt34ilqEw/QaohIxM5DgHaUUMxDpDX4LDotktvZYcYQgvHz/fcI4MKeZOEzkXFhiAOmGLmpws4jgim1JLM7T8nILibUulNI4nxaW08x8+0hdV2pa7dzDyGGtFjRkvPMMoaMsKp0D4a2pdhmkIc4yjFUCzQWb1DdUpvNGLtbLzvS7TQaaRppGPBNODrh2QNoBV6/w5YqBFwQO7NxLYpg47l7gvICv5JL54u1nlDlTT5nj0dKwuuqvw8t2Oy/l/F3Vq/+qO91f+ZVf4ZNPPuGP//E/fvmzcRz5g3/wD/KLv/iL/NiP/Ri/9Eu/RM75S5/z1a9+ld/1u34Xv/iLv/ibFt11XVnXpy7i/v7+P/k9fOfe9jvJU88/3pqCeA7ja17uvsrXbr7BUd/nRf0KoxgwYSkqjdpGtJkzhmpDi7netGZ7IIWLSL9pAcm2C9DE3ePn3N59wbu7T3h4vGPNZ0qp1P69+E1S4ujexdIhlmQa0mZznKN25qunYt27ckCrsC4RcZFy3tHGATdN7A574mFHJBDw5JQoZeWOlcWPjH7iOCWmeGOHuStmM0np8piVxAMLdzzkt9wut3z28C0e5ls+e/gmSzqT6xkPFsCugYA584h6IyoVo/2AJzaDonwDh7H+VGqfBgpFzHVIxZ4HCWoM1m4YQpeFNKtpdhg3xxZoDdCcR6SSXeWUF/RUSbHxyANtnzkMR6bDK4YhcjXBsAqnVqmlGFx/OOOuEiIJyQmZCm4AJxPiIr5NaIvsh68S/d6eO6JFn6l9n9pAywZBSv+Zuhb6Wb6vQbh9ItpgS/cMvtSNeWp/50k2JBdC0TBExnFgGAJ5Ltzd3fFwf89ynnEVvHbbv1ypYgYbGo3MpT2kotUuvegRePbnVnRD8MQwsOtFf/Aji6yknKnY61VFDRJGKDlbok4rZtlYC74FQ2rEtK6BASFSanu245SnNQT9z7Z7VZ+cwy6JPUjXetvONcax65BHg5w7N0Gc741L//u1UHKmZIvoLMVIc9oq86x4b05OwxDZ7/fkpKxrw3tLDvPO09yT1aYlZhl6r3BpHhS56ERb38Ejz6vC5eowCuazHT5c+gR7fXp8YNVM1ZWqm1UsrKmx5sRnX3xMSpWvfXhPcBNpXfEaKN4sZD1yQUhUWu9TzbPYXdK+jGq2D1c0gav7l+RSGe9uac28oMmZVo3PsuVCq2xs/NrXYx2tK5nH+ZH5dOLx/s5g4lYthlGMTFVKRrTRfCD6CVCamrbWmOpm9SnOVhT2JDtUHOo2+1Q15hQ8/V785U1boKnvsqCdpWs1s/11dUfkiugODP7IECameACvZHcml8L9wx3L44nl9pHzcsXhcLxcq60jnUE8S13+k3Xp+eO/atH95JNPAPjwww+/9Ocffvgh3/zmNy+fMwwDL1++/A2fs/3973z8tb/21/jpn/7p/+y//Z1s5edZu9vHNnP+yy7XWWDBYXyf691HvL7+GnE+4h4m076ieCy+jOpoKt1ZSKnOnvCiK6qVXAqlWs7u4+m+2wfecp7vub3/nPPywNvbT1jTbFFgCrnL4c2botqOxzsYPOM4ckOlnh/I60LNmdw8O3cNEsgITR20jDDaOlAbLgtaEmmeeXx8oITAYdgxejOfD+KoLrHowucP3+Zhuaco7MaJl9dX+FAIbqGVmaon7ustp/bIHZ/z4O458TEn7qjhDtGV4KtZqDlHEE9og8l6mu3A0REloOqZmkmaPBXEuNVNCisnKplVhComyWm120H21/O5l9O2F1URiPaRzWShaOmHSmV1pn8teSUsifV2YVwDj7xgmkaur/b4o+er/9MNJSuPd4nk7vn3v/7/tsN2bsytEccdQV7jyxEfPkB0j5QDUmzPioMwZLzr2lcZCHKgiVKdMueTmQ/URqt6yVHd3kufGpStzkgnSplpiG6qOHWErhXN60orhW9/69ucHs/sdgfOy8KbL95wvjuR10JQg4sxi+gevaS0at+Xc/UZAiSUUmxay9muSxGqbIlJntFPvDi8ZPAj785vSXVlqbNpPoc9K/DYMjnPzMuD2RP2/FZHsBW2iE2gxL6976XmYpDcIQ59suuzEIwupVHTsPtgRXwYR3wIxDhZ0fUGCQcXMSZGpGIAAQAASURBVG9iR1WbjktKlJSYT3ZPLfMjeV0oaaa1wt39jGpmTe8hItzcvGCZK04yIUwEP/SmuhFCpBGoWqzfe0b+u5xEz5AMJ8ZdqM/m4K3ImvDo6epu/b9KpbaV0haWPLOUhdpqJx9bozLIiBBZHs7c53f8+je/yen6TCw7jvsbuC4cDgfG4xUOITjHWow30mKx3XE3fEk5U0phnh95vL/n1z/9lNPDPec1UcURdjvDqUvuFArtMkO1QTMo2SUWPfNu/oJ5PvPF3Rfk80rKMxEhIj3+MpOLpXehBd+sqTEdrE3diuu77Yr4htMGMoNb0XAPYUFk6SYx1qR6NXmesBnrgDhHcDsO4QXH8D7CAdGRcXiPGK54OXzE6I4c4gtbHXpY1hOfvPk1vnjzCV98/rFN6ctCZWZO96bOVljXbIlXTcj1vyN7+TcrgL+ZhOe7/Zy//Jf/Mn/xL/7Fy+/v7+/5+te/Dh0mgd/4733n9/O8CD8/aEQcwU8MYWcuOeuENN87VkW0Is08gJ32/SI82RT2abfUlZwT63ri8XTHu1ubbu8f33FeblnzzLw8UuqKBCMKtN5dGsxWL6IjJ4KPwRikTQjaehg1KMYENYa0p2o3b5edfX8toU2sqCdbGsUx4+LIMIDzkRyURuGUHsitMCwHMhOhZLxkQj1TeaToA4/lkXM7M+s7Fk6sPJD1EfwK2t1mXLeDw5v8SCOiI6JWdJt6VD2xOYIKwTVELSShaqEZVYzi8gZyWaGhGvzVD+uNdSlspZduUdcZvzhDL4wPTBG7EVvN+Fyo80JsgpsK+zYyHl8zhYnr6xeU3Ei1kNaVL+4+oRZPLQ7VPTHuGfSK4F4yyoc4jqxnj5EmC8414pDwHqboiX5k9EcKjayNrMb03uzt8E9yGSdyIUs9kUCs4Hqsm2+Xg9zcpUQ9abEp8uH+HhHh9HhiXlfm88y6rLRqJg4mWenwe+/KLz7TfovLU0S681czd65tJdCcFWnXjSymOIHCnM+AkjWDVMtg7UlctSZSemSII97ZPhqnRky9/Iy+r0H1y0Xo2SR4uZc3aUB7cibzndgUusGHBT1Y4pbbggC2banyxHjOmbyu5A511pIsqahLhtYxUkrGucA4Tj1MQTq0vJGy+m5X/KUtvASqyJfA5acJ9nLePP/5vvwxthOtvxYbqbK0TGnW1JvsaIN5pKcaBVquZBIPt7f4Gng43iIFdn4iOk+bdpfnr9VK6T+zymZr2liWlVwSD/cPPD7cc//wyHJeSKXYGRNjz5NWyB3RoRfdvoKtrlgznR44rSfu53e0nGltNf21+J4bXi+2nU1AUGrNiJhdpbEznF03WME1wuSKuBlkAbciriAobvs22rPnvxdgJw3nHKPfsw9XaJ5QNzCEI7Ht2U17xnBgDHZtr+nMmhbub9/xcH/HfHqklYzmFVyjUbp/gTLPi2WqZ0j/rYhU/7nHRx99BNg0+5WvfOXy55999tll+v3oo49IKfHu3bsvTbufffYZf+AP/IHf9OuO48g4jt/z97MV2su+6Ds+VqvtFW7PHzPJFW/3v8aVvseLqwlfzJihsJqmxO1Aou3lWmPOZ0pZWM73lJKZ15k1rZzOj9zev+Xu9h33D3c8nh9oruK8IwzRGJ3NpjiNK4qQmxh8sySoFW2ZcAV+P3F184LhesebT29ZTgltmdoaWRxeGiGmTtihH+Biph0CVCEXeKx7ZkbS+JrgJ8LRI8HTfKO0GVbltglfSEPiGRnvKHJPkVuWspBK4n7OLKlwqnckTWai7wOhDngiIwd8GxjaHmkBWrDEDrXdHWryBNsmWtl0GlEVpEa8OMYgDK4yxSO1ZnJNxgqtdJN6M0Oo2mh5sffNXHaKVzukqkmqmoNWhYrHp4JTWFvCz9bATFPAe+Ww3zNEDwTiEDg9nvnWr39ByUJOjq9f/S6++v4P897wDY7hQ6g30Ebyao2c9xnvK8NYiMGz203EsGcablhzYc2ZX/84IG+U23RHqrlDx0ocIzEEDvsDPnjGYcQ5scQXTAdsDh49z7kWaj5QS+azTwprStzdPZBSZX/8NrkUHh/OaGoWLoBNuiHQoW3IuYDMOO8ZtZl7E2oTsTcfXXWlF/6Al444BCNY7fze4OwYqBTykFDXaLHy9v5zPvn43zPrwl1+QyyB8zpyGF9wGJQbD8MuEjQg6lG14iFae2Hcig6XnbXtQbHrQA08xDmGwSbcMEx4b6xSH7wxdsXsGLQZulVSJi0L6TyT15k0z5R1piwzLRvhzzkha6O1zDyfGOLEOB4ZR4+2wfaLag3RExoBpvc0v9/+p2z66e2cucSIOnfZVXeszZpJ5y8wu2jPV26FVm3KXcvZgh5UCW5ikOGyhgjuCi+R0e8JbqCeZh7TG761/u/spyvurj/l5sUrXr1+34hhIZJqsWJ+L1RR7u8fWdfE7f09aV25e7in5ExaZ1rNtJLZjQO7cWAKA7TK/PBIXpPFE4riR49MkPzKWlce3p1YljO3yxsGJ+yOnqbOSKBZaFkuZEnp5IdSzQYSdZeiKzzp3UMAXAGdjYPRGqrRPq/skeaJWjG9h5EWvQoxXjHFV1y7D7jmfWQckCFCmpAWSSRyvuP27g1pTXz+2SfM50c+//TbzPMj+bTQHfcRJ8aS78Ez6hwpZTRg3gbfRebBf9Wi+9t/+2/no48+4hd+4Rf4vb/39wKQUuJf/at/xV//638dgN/3+34fMUZ+4Rd+gR/90R8F4OOPP+bf/bt/x8/+7M9+j//id3TEzx6/2WT7nXtdVQu4nvM9p/SOx/UNgxvBG+RhQcu2oxU3gDhaMVOHVBOlZoOVcyGnTE7Z8nNL7ftiMamC785DNRhztDmgor72hbw5yBQ1PV/LilYj07gQGUQ6bGbQkjZ9SsBratKCiwVZ68hT1wcqpCY4rTi3JzZlKBYaTXA0qSw1Iq6x5AQ8gn9DlXuKuyOVRK6Fc2skVUpbqVovE5kXK7pBR7wO+C5tktqJMpeYPn2SvXc7vO2HMGQBQh0Aa2oaA4EB15muXemK7wS1pRnT24gd5mq17f0EyzoVFRPXF9ubqdjH1znbwXEyf9Z1XY0PWSMlF5bzSq2OWiLRTVwfXvFi9x7X8QO07tBmel9VcC7jXGMYK8F7pmkkholxODDkTFgzu2kixoHge2Rf1+SOw8AQI4fDnhAiu2nsRCrf0Qu6lV61dKOSqSVSS+FuHPtUb7KKdUmUnp+KYlOfdnqOc7i+223aKNVQFV8rHgyyFAsTQMzqU/q+rvXrzVaIQsCbX3SYaK6h42DNm8/MywA0gw7bQlNPpRL9xBj2Jn/xrtv6Odwl6Uq3BaZNfb3yXgousjm9XgqYd5Y3bOzlTcPs+vqnnwsdWWjFdvbbm27BCNU0qO5LBMtGTgnvYtdOCzGKNXBNeEIkYENdbFUA2wn0nU2+ytOEezHLeH6GbUxo6UiENppsE1WhtkJTu669BLwXnBi8Ht3Oim6YzAu6GCR9bne0teCqXHbgcTQ5VdVGRamrkeDu392xrCt3t/eklLh/fGBzTLOGSC/63uADLnhSiNRiazftgRF4oZApWjmlB5Z8ZmmPiPOMPtKa70YVA9p1s0/RoU97YXrcTKM72HUkyG1PcgOaoNXjJAABKTukeXxrveimy3kz+D2THhn0SNAr42DgyQi1KedyRgvMjzPrvPD29nPW+cR8fiClFWmtAzDydJl2RYDzHh/6zr7+pyvV88f3XHQfHx/55V/+5cvvf+VXfoV/+2//La9eveIHf/AH+fEf/3F+5md+hm984xt84xvf4Gd+5mfY7/f8mT/zZwC4ubnhz//5P89P/MRP8Pr1a169esVP/uRP8rt/9+++sJm/18fGHn72J//Zz98ufEVJ5cS37/9fnOY31LPy9av/ieGVchVGDlM0JnKr5KbUFjnlRsmV0/qAlozLlZbV3I6KxzNydXzN/nBNaSulJW4fvmBeHqi3oHq2yCtNVP+2e8cag0pkpEogt0yaM4+aCDvBDZHob9gPB2qxQuXV4EfR0QhVbrAiK43qFfWdLBGU1gy2PesdUk4Md43ghd3+hjAOjHFFfAU5oe4ODZ/ihzNuPNOqmvd4ycypsuRIWTw+7fEacXqNl5GBG7wGhmoeqK7Dw6IN6RTH5j3NCaVPC1XN6cWKtelvXRV89cQYGcaBw/7AbtpRxIg7D+mOpSzE8ilznbldbylkmk/mlx3UpqImRm6pDVdNi+3bHhegtURaG2/lnvO0ILPlc6bZsZwVSZHr6QXHF+/xQx/9z/yOD343L+JXOYQX0MleMQ4gnpptp+yd3y4ukAaSCa4xCuwPI9fHK7RUpmFiN43EYeCD995jN+149eoFMUSmYbjA6M56Inv+tLHOCyklak6UnKBVzuczMU74ENjtj6ScmYYEXYLmquKK4h2ASUNqNURAqpFofPA0sdCOJmoaRHF4J2YLifkbu2qMcuc3XsOA+dcGqqs8pkRbC+t6YkmPnOsd0gRXDPYNfjTb1QAUO2xDXyNYE6zPEqWM4S0Yf0JpPWtVLhNe7Axl6Y2MZRSb+X4fQS2msRTSvLLOM3lZqTkjrdnB54TWfa+relK2vfbd7R1cO17dfIAJWTwpVVqyXa7qiFt64pAzEHsIEVW7T4z8pJeCLOK6B3J7ukTo+2sRWueJqOvpSc0QttTO5LZS62ruZ37PGAdCCEQ/4l0kcugRiB0NqApkcrqjzmeWhwfefP4p34q/yrA7MkwH0zLHSG2J1grv7h7IpVL6bneq/f5semGSt5ZYUubq6shut0OvhDTteXx8Z7DwqNTQuE/3ZEncpi9IdWaWOyqGYgw1MrTIIB8Qw44Y7IzQ7mom/TwodQXcxXpxy40OzqPlgM6B1hIaKk4OCCM+fYBrkVgUIRHcrT29XhjqS/buI6LuQXcsJZNr4c3tW87Lmdvbd6S0kk4zrVRYi7lsiWcXHOO0J6mStJGyst4tSCw474jDyLjbczVeUzTDt//L9ep7Lrr/5t/8G/7wH/7Dl99vu9Y/+2f/LD//8z/PX/pLf4l5nvkLf+EvXMwx/sW/+BcXjS7A3/pbf4sQAj/6oz96Mcf4+Z//+f/fNLpbfdXNcmDDeZ52LSBdxqBPn9I/rVFY9IFQ33K7fsxVvOLd8hE6HIG93cwiVI1U1W7LWMh1NTnEulJTYZlnaqvkmruonUsnp1jc1TYwKD1c/VnQgAW80wklFstWs+CCSSM8A+o96voU3fWNrcNVrfWOEden3773FIvdMq9pYwpSC60JLgUKGU0epCL5DO6MlpkQEoHcd6ViaUrRCCwaApI9qBUrUY9gcLJo2NZ3Nqc8s/Br2+7ncsA+Ed1sZ25RdL4Foo5M7Dj4G47DkSKFQqU1j9czO3dCmxDVHLiq9q93WZFt7BZrUlQdVLGDtvul5lURCo8PM6gnzUJJHmpk8HteHN/javeS/XjNFPYdBbG9Toz9unARsAlrI1GrFhrlcqlFHxiHkf1uT3CB3W5iGGKPepw4HvaEEBhCuOz3nPSiS8Op+fB676jRU3JgdziAOHNc8sH8dMUxTjsoXeaWG7KJ9ys9YOApTL2pIs0mXw/UaghGa830zr2Je/rPit7TNGorDVVopVCz7epaz2tG7Pk2jz65NBT2em/abbsvnu7JbSe3Tbry9GuR7pjmLs5pF9b3M9bwtvNvXY9roQ/Gpt7IWdvI0i2/bbaSQtHGKZ0Y657m7XpyOGteRAnOgw9dq+v6JWx7ef3Sd/9s4v2Nq+rLLvTp+92U+vSoux55Bzzpg4XozS87uBEvgciA00032jH6Df2rzTgTLVGKrVpK6zt1BejPSSmmxuis9Q3Kl/71tJtqlNZoZUJbxfvAIA4fAo16MfLYpENKxfS2dl6Vqt0cBWJnnT0hEpdb1567TtASJ33d8rRD1zai2YGLlqfrrkBHfLnGtWjmQCR8t1sVdQR3xK07WgukJiypknLi8f6Rx/mRu7s3pLRS1wVq95EWzyg7aw59tEhPNSZ1babwaNUxxB3BBaZhR+kGHf+lx/dcdP/QH/pDvwHKff4QEX7qp36Kn/qpn/pPfs40Tfzcz/0cP/dzP/e9/vNffvTW2BbmK/ayBczZ5MkTuVI6nd0mLue1Y/Mmsi7tnlpX6rpyyt/i9u4/8nr6iFfTh7w8foXD9BJHBTWdYkmZdb0lzQu3H3/Buqw83N1b5zPaRdgoLOnMWhYe5luWNHNKD5SWKBQ2FxWh4vtkIiZ4g+oobUTSiDaoixJkIIRGG+7AF0pqoEJRcAQmiZfC5YFQw5fcBAXQljtrcKaosuQT4j0+vUMmCEtFpgV3TAyHxlA8cRwIMTBdQZiEIe+pp8D8haLJ4YrvRvJcGiA7JHp+rGvodhOKsY63Q0X7zeedHcJBAqIOqQHfJqIeuYrv83L/HtoNA0beMvsTtQinfEepJxJnlrDQPLShOyNJswNbBNHB9JRNKMm+Tw2NnJValfnhLa1CWYQgR3b+Q15+8FX+56//P/jK4RvcTB8y6pHAYPpIKZRWEBw+jP0afKrztdrOqmVoCXZxz+ubwIv9NU2bQdAxcn1zzTAE9vv4BLNt9xH2fZp8CHNYcp6mE7VWXr3/IWtKjOMORCilMdZG3B8syD1V8rySTgs+raSUyB40W2DF9vxXhZpS3zc2Ymh4iYiDEDylYWRiuoSoWXRdrRlouCbUVjjf3XO+eyCdVmpVQtwT3cAUJg7TjcUH+hFaIGjE69ARKmsQVFo/jYTW+rHUxAwcELpoGx/MaSqE0WD4XoT9ZtHo6MzSRq6ZZTmzpjO5LGhZ0b6jbDlboekh8yqJ2d+SaXx2fsNy1Xi1+xqj7hmbkRRjEcY4Up3jFEdqXVnSgtIYxbJnGwbVe7/ta8WIad1ffPuv/6S9Md3sJYWmQmlQmqM1I4Xtxh3Be6L3veB2jbB6pESzV9xmDbfdf+FCWFMJqARo0HLFixCD57CbcGLEqmVduTs9dqLUZk5jYQu0TC6JtViIRauJw81Ldrsd83qPukINFZyimnBSmbzHNU9RD7WwpH5f0ohkgl+NpNo5G6h0y8pnDVWMhDEy7EfCGIkhmhXjo0OSIF7w4YDISNAXODy+qq0G243djKKIDOS7yFoqS37k8XzLvD7y+btf5TTfcV4/RzUxDcaj0BZRBqrzBBkZ4gGnGacrbi1QCzVbozRON+wZeTW+oMp3hy9/X3svPyndhN5OY+IS3xlw9udNzXGl9U768jfVd7OC2uURmdRmzvWOyR0YOTCEBSHhWUEbj/cmN3i4/ZS0rDw83JNTZk5nK+RNLnuYtcyksnJOJ1JdyS1RtFC7iwl952awkwDN3AB7x775kapaYL2I4rcD0FlySFWTeVQp9lyoWcm1zljd3G6gEwF5mjxVjereckFEyWezXBO6rKQqdVLCoJTqaNUOP5s0FHWu28thXXZHEmxVu8FnoHg2f6ltb7a9gkak2HZk2x93dKApVaEhBDcSnGcIC7Up0U1EtxDdgJKpztNcl3LxNF2o0ElJ3hivIv253AzzTcPaCpTVkIU4mP72OL3HFK/MZYrNhMNvHUx3+Hl67Z66du3xw0orlos8xhENFkYQx3DJuHXP0sa3lWZf7z2vwf15MdKOOEuKaQhhGAAzJ/AiDID6YO5g9F2oxbtQUPv1appy5EnH/qSDNVapGdPbNdXEUdVdZBnGvLdJaNtB2mQEoh4vA4PfMYaR3bg3Qwzfd61Ne9yb7YoF4ySIWANmZKXtydjeukMVirhgkqMLg9j1MAijubftZ+ns2FJt+tYtIKHVHnxvbOBWC0USmZWVM6sWHnJlzEferbdcBxjjHh/ME72qp2ozaViIJhsz/RqCMMQB50zn2/q0XSRDaxSxZueyC+vBF5fXeUNl8Bg3I3Z3UCH6QPSeIL6vlZzB7T1u6bIz7mx+50Iv5qZV3chaTRu5ZEL2tMncvFxwlsvbNba1r6O256vVfGnYU15xi+Nw/aJrpD2l2Z7feWE/TairhAazCOvpbIEFRUAC4kzaV8lIs32xF9MHh2CNemsdUg4eH7xpu33A+wgSgWD5xepwbWeEv84fcYohhS0a2qJqNaGprQGzFXlpHVVTwTWz7bXkso4SYMEMzTXzRsCQDlu7mK844th5cynchYkivwWi/baiKxJAerFtEdOFBmrrmZsdmgLfIZCINCPKiIPg9nixYlJrZi73POoVLh1p5ZFzHAlqpIFPv/UfOT3c8umv/zIlJ1TNCN2FYCb+ZaWUlVRWmhQaFQNGK5lsBIm+24m96HrZbALtsIvO4zemX2c6uwHwSgx2ceea+37O4aRYxJtazqkSEHoHzEU40SFfu/jB7AlRoa2VlpS2VIvLCg03VtzUCLtMmBoSTS4RV0WqQT4ES5FxTWy6Ugs5t0xeepHw1EuAd+2Hc7H35AsiblBibwg8FGnMNXMuiTGvvBhvmIYjU20ogckfqS1ziAdTO4cz1SeKb1SBLA11QnMw+ED0kegi3nX9H5XSzj1lCFpW0iyM+4nr3Vd5efgh3r/+YY7yHoEdNDtcVWx3ju8+0c0mAofvh6BDS6OtSk2NsjSGOLDbB7zvRu69ohovpJGrsDkXOS9434ulmXCZRrVDrU3Ms3qY9rhYDO5XJTcLUh+jEag8jrzL5P3OptyciY8n1nXldP9AzplW66UAGKnQmq6cVvBm59hC62EgSpXuqS0O76xBrD2sIogjSmBwOxQl7BzTbuJ4POBqxJfuGNQaFCvYrnYYMdi0aasI281uwInd3+5SnHwYLvvczRjDedtNqxNSLxY5JdKayMtCSYmWTSLTaibnhZxX1vWx70/PrO7MOz7jsa58Np95vF9wX+z5oRe/jRdXN4w5MNZI7oTHadiRqPi8GO+jCN4HjsdrhmHk+vpILonzcrY3hZzzlyVQweNELx7MrbvjGDJjutXgXb9+vblANZMwtlx700K/w7tDlDd9svjQ0ZNecJ3vnt2Zx9MDS5oJkzD6ARnM0tH2yCtLmo3M1SVk2opZLKI8zveclzMvX3/A6C2/F9dIUoij52sffgUXhFJX3t2+I79LpJpZl4SPIz4O1NZI7RHNRgw9hAM+OHb7CXOksgZKQsQPA3E34eNgb26HF4sEFDopT4TNCW4j0Dai3WZifgq1NShAE0Y/EUahTtdMomj6nFQXJG9xgHbNJ12p6mgUvCsE35iiY3QDQUaCG/jg+Ir9dM2r8QVJ83dVt76/i66zzo5t96POzCV0M1NrHcIxJnKTPl2WvoPsxXbygZGBa3dkzxVXvGLPawauqKtjWU1UX3Pl3d1b5tM95+VErQXpaR5BlVIzKc/U1vca0mGzvtd0vRu1BsC8jcGmwqd9oP1sF1t8LXZB1a0rjBiLse9RGrgte5JtRMCmEnqwQN9LX0wZnOtTymY7t3XAzThAvbOrraEV6tqQQPc/bfjakDIYcUU3O7xOaHFmSLAdlJ02zDa2bHILBOvWRbkgq9q7dIzZ2FSpF92odhKUTSilVGpRnIx4KThG7Mi259UZSNaniApaGGIkRo/IiFKZ59mCjZpAcziNBLdjN90wjdeM8RrfLIdVLmCKbgPJ0+vUX7uNVdla64HW7UI+8sFfDtftzXlroEJ42v2JcCEGyuVr6jPuApdrSWx0Mdbn84unfyx4jwwD0p2bajH4K48JEXOPar0AiHSpkmzRic26/840FrU1gtPuALbtKvtCdhgmdrsDN8dXLIwsQ2QYTEerVTojWnEeXFOkdSejS6u1TbNbi6jbutRIVNs1vLFG3bNreYNnwWQkpVJToaUCPWxBS9fplkxqK7mtJLdSSaycWdqZczuz1JXMyjk/8ub2U278gYfDh0g5MrgD4i2CMcaRUStDtEkrqhBj5Hi46cYrR1JOvTgIWit5TSRd2YbdSxP8bF1n8qPeaPhAEEsK2nTHW/qXu3BC+lfx/Xm4xEPaRdb6OWI7YpvaWq7k5rh/CMQUWdNKKskafG2d4Pjc//z5ZSuXaRBgP+0YxkD1kTgGDuMVPhp6KDVwerFwPi2c2sle3kRnY1doilNBvRrhMzbchvpt6Up+u75bVzVUcD1dquvZn+sbOifvSdbVTwCTcUFUy6n2bmA37hGpnOIR+jqiVmsmbf2SaeKBpY8otZ8FniGYt8M0XLEbjwxhZ46F38Xj+7zoWuG14jH0iQlEGiIF7zJIAc1dCiD2xJQB0ZEgr4gycSUvuIpHPtx/wCEcuZKX+LLD5YnzqfCwnHl7+5Z5OXN3+wl5PbMsd6gqbjTjgNAKpSbmdLLDRUC2Zb4TvHQ2Hs6ITNpQ1n54R1QdtT23wasgGTRBK2iyQ2YIOxDIrhq5aJsatdkFASYVkQ6Fap/w1SEh4MUzOtc/1zxes1aKJrRWqNkKbW40V8kPxcq5U0QCzReieHY+EIiENuE1EBjwBILEC7llg3g3opRemgIr+ltU3YXNqcYydj072PyxCykn1FVcbKQ6s6QTy7JaOlLcowieBTRZfqdbETFBvWqFmlAt7KaJw97ci1Qr355vKaVB8UjzBA5M8QUvrn6A68NX2I3vE0qwhBFvjY24Pp11JHmTLJm+WqHQpTkFRPBBLB4u+g5ndykGGGwWHOPoOvTXV/qtQbWwdFF7PbeDeYN0tzgESx2y9Jfnp6N4TwyRIQyMg9n/CUIMAVRZ15XlPBv02pm2oSfSWMNVKLXXepHLQd46zGxBAEKrCZzj6niDCvzARz/E3B655505r7GSNVNKQnwljlgzXOpldaLbdar9OnBsjMNLM+K9MVjt/VPwgPNPAQRi9GFaypTTQk0J1nYpvCWtpHxmzie7jvyJ4hKPvGNuJ96u71i1kL1yv7zhm79eiKnx2h9x41c5xgGJDk9k364gDKzN4NqojWkc+fD9rzDtbNJN68rD4z1THPEIeU4kFiMktdb5F922sL8GrilRHOpMnmXxfFtxeZZu5NqlrVSxpk6cx8UO43fHvFq7Hzx2XTVVSjZy0zmfegSeNd0pW9RhueSUPnP162/eu+5nDdKUlzcvcVHwI4TBc3O4IkbPuBt4Mc7s9Ia7d3d8Lm94uH/gdHog14Rq7qiOo8VGGxp1LKjXy7+l2L6/aYFqq8PqE/h+hnRY2ibd8B14Xi/EfV8jIkRsjaGMqEb81Sv2ecey3OFd5N39QtXcZ4IKzDgx693QhOacrbX8wDResxuuuD68x2G6YR9vcPW/UbTf/z89XC+yODVZCtYpmg3YJpI2eITWoEZo4DXgMdegyV3xfvg6O7fnut3gc6SmQEmK5sR5Say5cD6fmNcT83qm5Jm+SqGQEBylmbuLG/vejW7o1oX/W2YmYL/X5zCvgjRbR9MpK1unqdqn1n7YVZsO/ZemZjElC33CFWc2eM06ZN/Du72E3jWHPik5mjacJpOiq5kKSDNCFuou7GjnIiIDgZEgEwFjT4ZmUFiQwQqmPjFKtcOo3Ym2l/it9+w7ustrtt0oPVO2T8UqhgnkmljzbG9poTYsk7VFRBqePai53bimODJVkv3bvWDmNLNKI4Yrgne8uLkmpcTpfqYmISG0qqxLl+fUgldnvq4XvTGXKQ+0h2vTo+boGm1jCIsTy2H1z8Ls9bL9tb/Pk9ytH3P9edmYpFyI+barr91Osj7pT3sm8TaxqmD+ZsKFaBScMIy2/82l4L1Da7WmJqWOtDybOaVHAPY9n1fTmG/Bi+au1ZsqK+cMccfrFx9yrgdcDZyXW+7PJ0qHdqEizrzMxatNjQpN3AX9eWo6pT8PVkCcc087+c5i9v6ZfWa3Nqwp0VJGc4FczTkpW/BCTiupzKztzMrMLCeyrDzUOxY9s8hC2fgdwJLgvLzj4fSGWa7I4SVeJmtohonJeXZjJoZMpDEOAyEMFmdZ7X7bDTvqmCjTgfPwyBrPLLVSaBeZj/abbEtOMkZ1n+jF93u2p+3KU9FF1BzbRHAxdHa69H7FYhVTzRf3pKbKZl+IQG0XjroRSru3uXjfn3vXeR+tXxfaG8Xhco9O4444ePCmdw4acdWjsye0kZvpNeFqR6xH7sM9j/GBJd2S65lcV/uXnVBEWcUQqouenW6S0boBu/aWUGpH9zo6or3hwng6iBgyIHI5W+hNvUcvKxFpAcfAGI7U2PDuralGOkkQyZbOpK777ntcGAjdxXCKBwa3J8qEZ8Drb4WdrtAtAhXnDc4D2xmKFhz2Xvvk4KtHGkwMBNlx5a85hPf4wf03iG0kppF8Lqy3ibRW0pqZ68raEqfTPef1xGl5oNZE7OfwSqLXeYJ3jNHbC90arTRqqXSv+24wsGGRW9HthRnbbV2O42oknI3wtcHFvhtLbJIV7azH7WYFrNBKxLmIa8GKrniC2P45yHCBY0SNwepV8ZjrjumGLezbdzaSkwnnRiJ7BjcRmazoYszgICOXDbJsUXVbAbEffiu89vjyewE6FmsFG9nuE0xPveCSMq+PLOuJWhVtHtHJGgrNQLBi5MBhHs6QEGeS/DQ/oHnmeJyIYcd7r1+Rc0HLGxKNLDalzucz67JQcjKI1j2XAmxSlu3A7COqWsHO+Wni9M6ZSb4XNtewruZia65syNnM2reJR5+en2e/FDDT+mdmD3lNl5CC7dEc1mgGu0FCnw6n3Y7QE2VSipRScet62TXWWm0F4rCGjG7YrFbQnPZJHZvUtnHfcn8j43Dgw/e+xqk8EtaRz0rl8/O3acXQGijmMR7Mms/MYkw2ZFNVvfim2P3dIxt7kQ0hXKZa712XGNr3sJGi6rIYrLy95WqM7bSS0sxcTpzdiSRnHt0diYV39a0VYXcygpgP1JKZ1zOP8w3v7j/mvfCCNL7P5AZDi2SHCyPHBqUVBqfEaIEQXgJawRM4jIeeB1s5Tw+sw4maElr6nrS1HhigNvlDT9W1xtlL6AYQnci2vci+s6BDv23Cdg1Bw6wdc8ssZe0TbuvNPRdYFnVIVVNTqFLU1g/SAxCM0GbXpMPQuxgGc/1yNnUfxj3jNJJrMnlPHZEm1BU8O17trrnyjVdj5n6652H/wN38Kef1jrv5LaksFNdM1oaxo8cQ8WLnmDZPy50kW43Ap85c554fqZsxhU28jk2lZufJhoCa+1mranGBavyHMb5Amyf6L2hNWEqyIciZL1aThtaI1khkD94x+B274ZrRHYiyx+toedvfxeP7uujSi67goPVJi2gMPwn4vp/02O53t7uySa29xrUJyVfEtGM+PZLqQkgD5VxJj5WcG7lUTvWRuS6clnvWOoMXvIsGi0hDOaNiTjuKUruHsslbe2oMfWLpnbvrRBFpIyoN8QsuVMLOIqwUSAvURSB3th7bFFJAK67Zz6XEPheZB6vTiCda5yUDPsSu49sASdfF+NskqQZ5e48P0WAXDdAaVQXzV3/aMw1uYnR7IjvLXtXudSub120v5p1x+jS5ue/oPDfhxNOk65xJBnBGWmoIpVVSyZwWe43WPFNatpQXMdKMff2hj4QRXAC/PffOIuxoFx/h+TRTS2MYB1ozo5AawYVCrg+8ufs1Pn/3Pp+9/WVeX32F4fihuWZ1owBVtXWBCrTQE2wsOq5kK8tOBOkM5da0e2cblBuif4JFnaEN1ott+kWgRyRuRffp/NOLj7BZ9a0d4rbi5F3Pq/Xe3LmkUTc0RATf82Kdc6RdwjtvLmq1UEoxpmazDs4Y2xWaMVqNRmDPZ2ud7NK/z5zMQze6HZNX9n4hMhofoK8YqtoKJqoVXXxn3/6G27rjRK09MZQ3CPmSZ/u0x734KpdMSavphUuyMPW6sKYT5/WepT2Qun/4omce6jtWFhY5kX2C0A0aWsKJYwgD0Sve2fVTKD3rOFhqD0rw1sA6Z/u+nKppPRGcqBHOVBhCIPbrwTtb16ia/rVWmze3xtpkM0J45sMt2/2lmwK+z6jOQgtK90TOpbuOtUJplbwxkS93ohKcQ7xwPFwRw0BuJoF7OJ3sGnR9x+/6/dr0IrcGR61CyZWciqFN6olutGt0NUjXMseFXKFVh6sjV/vXHKaXXKUjaz1xv96S2kJyZ5pUsqz99Q94GYlyha8Rz46aoWalObPJlOg60mnKh9a2BtYaQ9vN+m7r1hFACqavFet3K6iKkaJ8JbgdxVWoj/batB7I4cySsmGkvRgiU5zYxQmvDsl2DrX8W0EyJIrrZAJpo4UTy4EoO0Z3wDWPU0fEqPY30ysGN+HKAc2eZQbNsJxPuOJwKVBXyGe7iHOtnMs953pmLo9kTfjgcC4SfKRSaO1kFbXnuxalbxes0Lvm2eQUdIKS68YA6L7DRA0fEuN+vUBGTR05C5oDMGBCAsXparBHZ7R66XvizQ5NoxVeHQjeWHYm9dh2Qu4Sqo3YRafeJlvvAqqRoNGcWUpftXWYFxGiGxncjqjTBY42+n7fJXX478kAfoO8N4rM04Sr/X1/Ndms/C5bHbE9VK6Z89LwRVjzSmnZDt/eHNiEHzHLumBFt3sJizhjYIrV5CaNpZuU91MEF8yvWnwhtxPv7j/m7d23+OLdf2QaRm6uXuJkQDUYSNF3qlZ0vUHLFWP45h6K0a0JnfPUauktNiUqcQiX8HXpuzc6xGdP89NzaIPc0xS7SXtqh4ZzTmb9CLb7C3RI1q7Hqq0XNumEKmEYBrxzjNOEiBDmiCalZXMGUjUuQlX6ySTU5m2CqdkOOY3PyHqQs5HGYhhpKFM4EBho2QhwLpgdYamZ1m3+zFuiH4AX4stvuMufFVz58nPz7EpqPcygpEQrG1M5UetKKifO6Z5VTiQ3G3GKE6d2x8LM4u3Ql2AFRteMc5EYIXh6eTWNKT332KtBs8EN/b4y5mpJxRoeKfbzeeMkR2fymuCtoJqudktQMvc4v0Gi/V7ZgjA2WZQ44zpciq5YEpGi3YfcrFxbL7ZNN/DYbqc+61pfGxyH44Fp3LPWTM6Zc0po7Ws6J3Z9Aps1tAdj5jcouVFy6QqJcOFWaVJrxnww7Xvqs7t6jtPEMI5c6RW5LVzXe1JbeKy3JF14SPc9hlLxMhDdAV8HInvWksklU0Oiee2S7ie43fYUgFqyUMnFrDLVXwiJrhddVWNIW1qoWIF3De8nXM22VjPAvTfDxUJbsHXNhSsRRlwTIwXWHg/6XTy+r4suYppFaQ7fRoIcGHjBwb3mEN/DyYhrA7FZnuzr3StGP1BnJbXCvLyjpJW23CLVEUqkWGQkc1qY08riziS3QlhxrnE8vLBiphO5JU7LIyqV6A07FBOWGvu0XTYxbBsqoDMKPeiNHWqu4b0jxtkgwajmWyuBhKPMINVIQSJGDhONePFEv0N8wMfBSETFoF5P3zNIZCOpbFCcelCn/Y/FLihp4AZEGkH2aBW0GEzuujTB9Mz0HYqzL4QFTmuHHTajd7shrBg4ESN6sUFW7dKA0L+t7XDVjencySBVLS+0dK1yrskM+MXm9ig274carC3prlM0h5doLkIh4L0565idZ0JcZulFJqUzrdghVlqjFvjWp/8bta28+/obHn/gka+89zu4uXoPV22SLKkzu6uhAWktBlvpk8Bf1VFqZyKLXCL8fDC/YGu8nhXVTSOo/frRjQeglx3qlt+5ySBqbbbjbZbUq7Xig4WMG8PXX9y/ttLtunv8br8jxmATUso8PDxYvuw6dwvNanGWCoqjqtreECjVYGrTgcolLSl4IzQe9MBhvOK4u6HqTNWVS8YpNiVr6QjExvDfOBr9qdjYyc5v5hF6aTpSWhGxrFptjXVZqTVfdKVrObOmE4/LLXO9Z5F7znLHwolHfcvCmRLOqCSQnpQkNpWHEBl14oor9jLhqiNIJMaROIzEMKJF8FVZ60rOlbwUY9prpQSPaxHnFCfVEsjKwrI8MK+PFF1oLuNCtCkqW3zjBp9HHxFnBRqx/ebWhG6vYsUIfJlK69GirTV731dG2xO6ISeun5lxGBniyP5wxWF3xZ7Wg0SENWfOy/lCrnv+hsA0RqIPHA5X7HZHRCLaTLoFBrUbAhINeQmd0FWU85KYU6ZKoQm4uGcKI2E/oVJ5Kas1Cc0RiEzuGoqHJbLOmWVO5HAm+4WUls5nsJSh4H3nTljSmCv9zNqyqG3C6AhKd/vqxJwYBlSaIZhi8YIeUxbQEUHEmpBxjOz3O6CS1hNSlKyRMe4pvxWIVNIPEwFcDykO7Bjkism/wusex0iUSMBziK8YfCSlBWRByx01V0qekSZoiZQKuQpLPnNOZ3JcKZLN59PDuBsZwoQrO6Q4XDIY9WLGvb1VnqwNLzNe34GJVT7RHWhFxFhyzjkkKDIIYfLE6smLoKt2zVzre8qG9CDw6Pa2W3WTkQBUelhzh5kl2o3aJz37dS+4rn+7KnYYOttf+jDQSsW7LZC8i29UoW075I39zOVn20gv252+8ZW3V0nohgrbYfD0Sl52Tdv3uXWxDaVU0zlTzYrNpAyWVeTEX/bR1eyIOswkuOjxDATn8b5SSp8CejdfmvEASp2tYermCq0K7x4+Zl0TU7hhii+4Pr7m6uqFNRVqRuk23dout+Se/2rLBSt22nWs/fvx25TjnkwxLmqRfqrZ6/FkPLE9toKz/deeaxI7nNYAsQBRM37Xp0J7+ZW16zgxiYtzjn1r5GjTzpqENa2AXgqamc6bmUZtFdfMKrK5hplZSD+YBe8CUZUhjIxxskkqN7NMpXMFNqKc9KaiB6G7/hwY0/3LE/9lkuo/cyndGL8X4VwKWs3msTUrdGs5c873rPpIcmdWTiw8sqrtdJvPqJiccFPJehFGF5iI7GVikIhUW804F82YI3iDfp0SgqM1ITWLWiwlo1WIzuQvIhb7WdtKygs5L2ZoIxW8ZTFr7qS5i+3hFuDwHDXq10bf/zY2omajtmphF81+/dTOyoXJbCiBXWfe2z0+jjumaWdBBbUyrxm/rpcC3pqy6Sls8oY47NjFkXHcMw4TsikjxF8axM1ERrBC1bZw+430131ig484H9nFodvMaj83LEhldEc0O9rgWYfMNK4sbiDJifu7SsmlT5cdMjcemV2vG8eqG7BsNE76iuYyhID5OhMuLnqy6YSdNZaG/FhBDzEwjhG0UsqKrNBaIOBo7b9DiP3/9Y+N1rlaMo6eWfWMrvfM6+cMHAjsiM1Sdc55xIujLpWaG49ypoVCGxItCbWky6SbWMhhZXUniiScBz8Erm5GBr/n7pNEShlfrVD42qGXpEacau6JOSwWaLf1jH2za4QLcbSyRxOk0xFXjWgiAwyxkXSh+Ew9Qy1Kq4K0gcgLvIzs4wuCi0Q/WY5uEJv2ap8S8NieeNvs9N1h60WODtPSgIBiZuMhBmQITF23kqtlALtZuuzVFNAiQuuHhTrhQtO9dJd2ExgY3r7jdesnaTfTEGddgHRG5tapV7VD23xcbSoKfeKmNUMKWsN1c4cthUmGgNPAGCBO0g+/yrwYuSQXe15KtSI0xMGyWWUk5cL57g3/+6/8r3z2xT2n84kf/IGP+W0/8A2uDy8ZhpEmwuk8U1JjnVecE6bRIubC4KilsqZ0YZ1G8RdmpnRY1S6JTaNqI+426fan0TgkTWlaWbMZXZRWaWiXitj+cHNiKrVCTkQnDN1u8dKx9y+5FTXvPbv9nqFastCyLPaclGLm/bpJmbQ/Z0a6cs5Ra8C7nU2lwSRETs2MZBiv+ODVByz1f+CLd5/w9lbwskN1AGeZ0M471EHshiHS1TOU7fnoV0trtp+Xp0JszYyRv1pt1GxEqrwsrPnM3fqOudxxzxdkfyL5Rx7bLbM+knigkEASIpXQma+TC0QJXIcjo+65qi/ZtSOcI/kszI8NKQspOkKMiBOmnRBjwPW4x8flkTVXynqHc0rwjbXMrHXmcb1j5UwbjLuRXbIGKXaI2veVilZrZxuXhkQp5jrQX4/Sam+2FrTLfFQ7ikHf7QuodKTAb/IZiGHPEEamuGc/HdkdjzbFTlcs68JuPHSpXu4uY8oQIkOMXB+vOEx7rndXTLEblTjXiyzE4NkYro1+7wY1VnVu1titi73/4kzVwu4YCdGzP4yEENhNB1xQ3NTVDOPAOIxwfcXKnsRyGWre3N+zLGfe5RUROE57xjhyc3iJ8Tm2tkFQHYyfUq1RQvuJ5BWtzhy/nKMWOz+8szWQD5H9uOMwHRiniLhCWu5o5cRRj3gZCBKI7r9Dnu7/1Y+NGoBU1C2XZfpam6VzyJEoO4rabjcVYwCSOiQo7WJZ2ERI6qhNTdZHpbpKlUIl2Y7OO+LgiM7Z7qFU25cJZoXYunRHjSDitv9cYHONeV50g1gPVjRQ20BLExqK6UpDZ3lOK1JXKN2Dtg04iQgTXnZEdyD4QPQTiHQ7EJt+NkMMY4SqBQ5s+2WhT6umvTRMfIPBLZhdXLMGwDeo2cLM0/apfSLZCmS/tp8kJNtUbxPyZZd7+cfhSVjtLr+/sCY7ccskNV2wv7HT+2ebxrd1txyjOjz/t8xu0HXYUwxCbw7EdIvatB9kdiBZZxuQEMhZWXPm9v4taYYPX3/EMETee/ke0xAZejfcWo+JawXE47ujlPdiTVIz6vpmGLKZJcBTYZVtyn0GJV9WAv3psrQf4xqUHtH3RLySCzvevDSsGPm2Tcfbl9LnteyyF40x4p2njkYcGeYRxNlU0olV23DQWqNKpdSC9N9frCz7dWawYuSw2/Pi5iXn5cTD6R5ntmp2kIq3CYxubSpi1qKbDOkJBjFil/uyXeiTbWW7TGW25+4+wXVm1YXkFrKfSe5M4kxqZworDWvingIlhCiOUQJ7NzK2ialNxGZRlTXBula8ZFpLTE6fdugiDDFY9jGWyVvKgnNK9ZWldG1wmamaaN6mvW5bQfTd9qL/cK2n7WjXAV7WQJhT4fOiu1lcbq+z20IgvGfT8LoeELHdXN4ZEhb8QAwDu2nfyUJCHEbW1RqutCa7nxqMw9j5Ddcc9nsOcUf0xqm43MuY4Qtsl5ltwrU3jq3ZtZSb2Uk+Pj5SSqLk0Uxrirm3xTbiBo9608WboZa5/qEjohCDeVBra9RcOD8+gppxD1NDDjfmx+2fDqa23XlissjN0UudmIubt/WYnV0Wh+kkEsNEjCPDOOC9AJVaG+REc8GuTTLbXv+/9Pj+Lrpd7N3ojHGpiCsID4And3PwvjJCaoTmQQ6oBJJElEjLBzQHtI5ozwutWuyWDA18ZTh4xlFI+ZHSMufzQk7Z9GJb0S2KZHCYeX8wClfXg3mkZ2AqRmMffUKBVSeoEzndUPyJdX6H7L/ATW8ILx44XC2s45E6T+Tb17R0IPA+UUaCHnDVoc3oW4GAukZ1tRMyFPVWjEzdIjjV7j8aAU9j7Ie30ljoVv7ghBgqfmi4cqKWYqSKLpEBsTWdiEXiPMeMFTZtsdXdJ6Bz2w/pZu8n/ukjsnlPPxWJ1hNr5GIQoFC7DKKuFg1WE6KlT02e5gZoSl2VtBbUN5ozW05Tn7oO2Zn/toqj6IhjwIcDcYw4BsiF03rL//Yf/p/86rf+V969+TYfvv4B/scf+L9xGK9xHAjBsT+Yd+x+720ykRXnG94LQQa8iz3/9clb2BqKXmAuGkq1HW0vKvYw96iaK3NO5JQ4L6s5SnXGpL/Ae9K1zVBqgbR239pNtwjedWi+m2F459BgEFqIEcWxpsTpPFNLppZ8KXZNTRPss6CtMuSAarXDSBu5CUEdYfDsxx0fvvehrQQcHOJLhnAk+B2BqfdalepN3tVo1lw2LgH0ctFjPhGqnh5yWUmU0sjJGLhrO7HqQokr7AvndM9d/oxTvWVtJ5p0eWEzolAQa4AnHJN4K7o6cahHfDsQ6p75rvDZesvuUIjjyPXNyDB6xsG8osbRXI5K2pEW5fTwwLou3KdHTss99/MdSVaKy5RuM9jUjGCiPyJ4C6JoahKrbf+zmeqIIUm1Q82tm1c4WpdUddaw70EHLvRhwpp+HzYvenBuxLuRIewY44H9dMQHzzDsqa1ydXxp6EE1IpE0Q4HGGJnGiSEEypJppXYfAjWL0+3C3niiWmilml5YC0yK3wmxWTku707MpxPnd6b4uAsDMUaurq4ZdztuXr8kDAPDfgfezD/M50RZzgbj31y9YIqR288/YZ3PzHf37Hc7Rhz76cjLm/fs+lFHdYHmAqoeVTFdsjZSM/ON42GPD42srzuaE/AhMox7QoQQlNYK63IiJMUnRUaz4a0lGnryXTy+v4vus72XvWtA6ZNXprhspvx0yJcRSyAaDMUi9I5Z+q6yd9DYQd9Q87fvZuc+CKVmpECtCW21I6ACdbNQ7GzDraPHX37txCZeFY9Is84eOsvaUjlarWiNGIOuIkPBk/Gz7aucj4ib8DrhZES0f03dZBR9z9qnDpN+YDCV9s2G2ueYdMm+P/sUQbWY4YQW0NB3Oc00vJ3AxDZZ8TTlbn++dZV2wD+xWwXhyddw+8t2mIqz/M4nuNUOB4HL4fIUAr7Boz3ousfoqdjvt+/FiX2/2qU8kpsVXtFO1trsBrsRAR50QDC3Mif2PFc50zRxmu9I6yOffv4taq683H1A2q/sQ8VLJMhojYLrKS1SzPDBwea13DY2sXE7urvjdhQ+7Wpb6Q1FlyxsRKeSC2tazVc4py6N6fOS65ITtaZItwmwbiYXcrFO1D7ZbeHtWyHz3hOCmp8uQqmN4oQssPna2mSj3VTFEnTMqcr06I1qr6U6vPNMYWI/Hjjurhlk18lt3a98+7nd0+SvvfHQ/u9Jb8Q2aPk7ToDL+9btQksnM6mrVFcoLpFlZdUzSWeSLv2+2K6AJ8cnh3EwNnMYpwHXzK2spMaiCfErTZV1r+A8wQVwjiAGTY4xQouswZGrkuvKWhaWPNNiNf9qLb2hsOdpe7T+utWtqe0TPmrTmIrhOSoblvM0/VvzsU20rhPeNubzJuXb7ivZbl67DrD7JQaHa4H9rjPyO3IoCtHHLnuy5lFzQ6tioYh0Ex299N3OdaTJiTVQ2qVjzshVPmzXI+SU0NpoUsjBCKK1VEL0hGkga0Z8wIVArkKpkJZEyYUhRNy4s1a8mauWF5jns702Wvv1Y3wK9baz1S3sQIUqZsIxjiNI4ZiPfY8bcD4Sh4kQlThWxuaJzcGa+hmUexFPtPZboOg20+3bId9sWsE5k4oER6aRtRDV9qpRDjgmRN+DOqHlaBaANVCrkqvp1VZNqFtRnwmD4MeROO4JMfJw90BbMX2amIKW2qjVbpRA6MYUA4LBlc5F07K6HuHWiSktYIVQJwbxBKKxqvNILXtKucIdM26sxFrwcSU+7hG9YUxXeALUviEVaxSqdJaw24rgRk6wtBK0WwY22OQHbbt5EUQDtAGK3dbOm/ez5IqrAdeiSRu6OF2eJb3YJGrygU3Ib9KpJ0xTL0etFTv637WtVb2Eml8Im31X6bV/XjVXpNxzO5Ob7b3MNEp/LjxOhstUlk+FtKhpHpzgnPllxx4av+FfTgeoASkjrQRaHvBqOcLaVnJd+Q//5/+H/yi/wiff+oyr/Qu+9tH/wH535PXLD5l2O27iK5z3+OjQYCHcpVVoKy4DyZodkIvTlHMb7NU9j9Ug66qZUs1r+vxohh3zaaakQs3dRvHiYmSvQ/QB7wNxmPDNiF6mfQEJvp+G/bXtbOrtlUEbwTuO+z3TMDCNI2ldSetCLuWSTbulRFWUtSQKppsM3va6okqtgnjHwIFX+w8Y5UBeGzWr5bCKGX2B3bu1OWrKaFbqkp9Q8C3QwDtC9NQLnGrWrrSK1sKaHkh1pQwZdQ0/OkpeeLd8xn35gkd9x6pnMquxVJ3vQfDBgjB6F1SbsHRj/FgcsXmojlQzZXnEiHcDMs4sxVHLaDtsAlEcL4835GlkiMq7B7jNX5CbhZ0wgEY4n2bWNXO9e0nwHrTSFHKpF+nUZUlySRDadPB9ddNhXB8Cm6yog/s8Se6s6BlDbVsyQGuZWiGXlTUvVqBKRHoc4OQHcwuTC9PyYjBU1QhrVW39lsV4FmXNfads7PzJj+A8g9+heTVXsmLXdnSRsPO89977zPsjn67fZp0XlrziayHMjjXNtpIIDj8Epv2e/fHImjIpFZZ1obXK13/wqwzHaz579R4heN588QnnpfDF20/IeeG42xGHHdNwQCV2pYWi1F70HV52NA348AFVM++9956hbN3ysKHsrx3Hl56xeYbm+fyXv83j53fksiK1Edz0WyPwYLPeo3f3mzbxaWtoh2lTj2sB1wZcG/Flh9aJUHZo8bgq0DYf42bdi1RUajc4D9DdmgzmU1QMznVqkK32KXeTRcj2hutSkW5ELn1X1ydeFd9juMwDqKEEFZpGYEIZzMzCO4sX81bEvXgLGpCtbggbsxV6UetPwYVdKibJcRs542JtaCOm3aob08+Dhh5Rh1loVkz3ZirV/gxvpdV9+VAQtl89vV7Pfmefs02bT0SiTWYkYnucbTXg+hQHmLaY1puMSsUmiK6k7LuyPseoo9VgB7QaY9YFs8xzLXRmqMFP0oKtH4pHijfYfssjpaAoqcuX3t2/YU0rMU7sd0eyZqZpz7mejd06BBwR6UYlTiOukzfcZmvXuyUvXV4lNuGZLtAMKVJJ5JI4PZxY5oW0JBP+6zMylmJ6SRGaC4RgEHFoatKp/so0kW3oRp0zjXh/7i8eu9KzYDHTD0uZiZePQZdaXLAlc1Uyb2cozl4zM88wYs/gR3SApSRytQhCczh6ZgCqQFG0tN5YCXSUym3wxnZ9yFaWWt+pZ0M7XEFDtYhOXVjbzFpmiiYzVdiMP5xNjl2cbWlUClkt6nGt5r5VegkLPZhBNkeFVqkFnPdUXzsnoMPzwYOPDMNIGCISnwwt4iESJs9cF4rWbsXK5c25rgzA951uh5f72bGZkVyIDwIby/nSpep2F19esL66aJe7z64xi7Ozt4qrnXTpjPOxTcDboyk9yMPO3Np9xEuz+MQ1mdxnGIy4V1u/x0QuHtPa+lqrx4MOww5UGKeJ1pTU7PzLpdiUXAtSHL4Ws5h0jpQTORfyuvamukIMxDgwxAHEWPe5JFLe8o7N0MRWST196IKa9f/EM4SRpp4wGEpW6Q1wzVYHouKMtwnd+9q4FXrR7383j+/rotuKUkVwaub2zQkaPLVif47tUn0aaSUS0gtiPRDOr9A84R8PaAG3JHIVWt0Mr8+oqzRfcHEixgGtkVyEdWm01Ijibb9ZBGmgWUxF7iPiBsSPXCIHfXgquti0CY7sDzgcgxtBM7RH0MXOUd1ReJ9SE7VkRtcIg2cME95PJgdygWF0l24218KS1svzo2IH+ibjMXjbphALMO+QIR3vxAoy4lCNtCbomikp9DSyiuu2j5sxgoFyZsqxXbxfBgHtMAK61Og5e8jIHZs21zpPBWmEGBjGYGYKraJr7dCb9Bpjt0XyhUKxjlvVpDwqaDXTjoBla6KNWlaaVFzt0gys6F6YjNkZ0apgLnAN1Aean3rxNWtFbfDF3afI3Wd8/MWv431ktz/g48C42+FiIAyRaTyyH49cTTfsh6NpN9UjOfZDxVyuomwEss3Evph7U8ss68yyzjw+nFjnxawBXeD6eGNQn0STJvXdrqjgfWQIE+OwYzcdaLsdOo20GvBum0gdxNabjg639t1g8IHmtCfc9MMuBHIp5OwvubsbFFybMi8r3hmxbGyR4BXvPb4F9rLnMB04lROLrhdnLu+sySgVyFBPtqPWOSPe44bBsCIniDZaLXaNBOm2l40lGRmHMAMJ4sK63vPZ3a/yUN5wv76lDgt+FFwWk/9EMy3BW9O7VnMfqnnG1cR5DRzF48PKPiQihcFVRq9E3wg0dBXTaKv1aeoNSfEhIE44HK45c2bIO2KZiWXg/a+8x4tX1wz/MXL/7h49e6Rqvxa95cXiQGJvBD1N7d+QS+Hd7qqt17JVkUovkbrda739VmWbTLajoHZY2LzMR3KxEJUBy52t6jopsZOjhC7HMrldbdWIYNJ4XB5YU+L27hZxwnvvvUdsASnGMxj8gG+OPXuWsrAsigweCY7j1YQezP3vfDrx2acfU3LiMc0maescCEpgyZVyOve1TWGZE6Upj/cvqWXHNE3UdjBGfK2kkjgvJ97eft7TgGbG/Q3jTgnRYiFdNYZ37ez16HcWpjBZAMzjekfKMw/rLXl1lMUztcBQA6f0yFIWog62nHPht0jRfUY22WQWG6tzixxjo40XZ5qvKmi2GqcF6643SuClW9n6H4c0B80kCtJ3v06fmZALIIpzetmpOheIYehJLJ25LP3rCcb+BS4ziPRd1nM2tcPYttJp8y1CCXZoNCF4i/yaxqnbwBWz6Nse23DQ65zVO/2NF4Y8TTnbz+2dv7hWbXrQLbHoaTruz1AX7282kb7Lfi7i+gtr6KnY/sbdnH0932HEYTS3phAcrI1Unw54M+fYYsrsrYmRxGyXKJdgb7dF0V3gNXDbflPoBh90mNaaOBs4t5/NdmiitvNhaygEQ1VQipopQ1szUjynEhEvSHDs4pH9cMU6nS3yrA296AabQLu1ZLgU3fqs6Fq0XsqJNSWW80xaM0MwWdMaItVHgjPzE+2uVKJCdV+Gnk0yVhiqyZlqL7qtxYt+U0S6LzM0t+lGe04t0SYclFrd0/XSl3n2zuwDizMgtGTTQjvXWcpbQe/mBa2zzm14VDNiqZhlZ7Em0HWdqJdN6b7VnEvJudAIxDdUM2t5YCn3zOmRtZ6p1fanWsFLgNCvWaPTAlu4/VOkXZFCcZnsForMFJlRP4AfCVEYgkHTwUd24cAYIkMYiT6YlMwVcIUhjwzDgGti4RlemKbIOAaGwbOeezJVDy/YIgzZyFJta4Wly+guT8AzNM9m8E2Ux0X7zHfc6/LsfYevm5H2LlwWtcm+1Z5e1Hf/bGcHXHTShjoLKVtj+Hi6RxwcriaaDoQAuNiVEdtU3k1j+r/tnfE5dvsDIsL+Yc+6OM6PDxd6BxhLPJdGqQrOim4umdqUdT3jPIToiUM0B7j2JCdbUzKjn+oQibb+azskxi6eeHZmumdInBPGXaT5gFchlYW37xZCEnwS1oeZmgo7KRTXKLUaUvpdPL6/i26tVGeTT8UmltKZcRvM6vCQHG11lAXbVZ4LlEyZExbPaDs0mnYShUdbP7yLo4lQU0GrEqpBu4NM/RgwhmXUbseIZW3udkdLHPFmLN9qX+DpEzkiMBg7U1aUSnFKCZCDp4ZKCzPieoZu2iPzBGtEkjDEyDBMvHjxktoqd4/31NaZns8QKOhHVDPJiTwTgT5B3VvD0Qtn8Bu4Qr4c3tGmjSbUDvmJE5uatiQUZ840rW7m+Xbj1LYdLnLZo8DGybFv0jkza9jvd7x4dWPOQq1y1yrruljx7wzXJkpKhdwyudr3qV4MImYLh6AX3f4kOPB+AGe2hPbSdXOBnHrAhNmKRtcdlrb9Wk9couciG8vXTrVSbXI75VtaqqRTpmola2bgwMQ1L6b3uBpe4Hs4ufSJOqitKPyF0NRQLBZwI6dsecitWBxbiSPBBzQXggt4Z6QkL5tNvjV+iwRCHDjFgd2yYxwnpmnqMFzsAQLxIifx3jOOI94HWzA4172jB4L2RiIJpRexp2alM66bNT7UipZKcDC0ocs2DAIN3QmrdblGydl4GWtDc0MKkJW6ZryCC5Ggwui2XfTlajbDBTX9rguCSKXkM7ePv8r9fMft46ckPZMlmfRGhXHa4aO7JEHRc103iNDoIY0SVpKcWfw7nKtEgTECwTNOVxziyHF8yRB2XB+viSGymwI+eHbjQJNCxDNz4jDvebfAfHrE09hPA4d9oCyedDuTS6NKwXnLHt6KYtPNuQ4uVl3bJqb/cruVrUDKpSrL9hnPVll2fW2V22xbW+3a/wba7+tGs8AYuNhQ+o2Mal/k8jXQxvl85uHhlk8+/VXEKcOucdjvifElGkaz0dz4LMHhW6SomWRs6NarV6+o9ZpWC48P9zzc33Y/8WqrQSeUYvGQKhmVTC5m93j78IbUZq6uj4jbGyrZ1HbWuXI+zywkAmfakvDTQji+QKY9LuxsQgUzanGGAJaa8SNcv7wiJEgPj3zxxRd8+1d+hXy7kB8SL90LDrJnmva4EDmvM+tvhaL7HEbfti4bo3nTFjYFqpGlyL6/OSg9sQd4fqFue8ALKlP61ywGTVmYgDdoEundUqN1EbYQGOPEfndgGCZCGFjmxfYQJfc9QO/6dESoiDNIuKJUD9WZaQC+Q4bNQ9rBumdgxxAmjvsDcZiIMaKFJweZZ5rJy5NEZ3n3A/KiipWeUtR4msT7myHW7sn0WywW3on5qG7kKdcn4ymOeB8Zh5GcMsuyQmehXhqBrQpvz7VYpzvEgRgHrq6OjNPA8bBnmc+cTosFr/eFiYrJYLY90nbjCt5i0kQN6hYxI/L+02xxZuYY1azxctaENAVKl444Y5gHH3gane059D6A88gl2Ls+27/WS5Ni2krTf3pVrIR1wk9LNHW4ujEoTTmo4jphrMPLLXe9bUc5OixoTVJDq0XVVWc6RsQhnRLdtr26FFor1JpAs0HrNRFjJMcB76ygbsXXe4+2iveB0ppBwzGyRenZNWBmGhq0S7aM4WwyFwupryrkVlmcotVcnoYYzR2rVOgh89oaFHMZ608Z1L6jqxaA7kUIYkiATVb0+2dDUczwpbTK4+meh3TH4+MdqcwGa/ZoRfUV9T2IRMX2v8/QF+1hJaVf3zs3sfM7DnFi7wZ2zjMFx+gduzGyjwPH4cAY9ux3R0IIxMlsG4dxpFEQhF294ub6FXfpHYfTFahjnVfSkkhLuhAat92i9khIY/vSVylyQaMsfMB+7sbmXmYe0DaO9q+zFcX+5xvzf9sPX1Y7XQsu2/svHRxPY3Xb7puLNrqzxdXsONdkGddK4d3dp6x5j/OF3XggXnk8Ey5EXDNdM7X0n7WrFsQyeg/HIyJwdXNjDP11NhvYstq9Jtv9lrtuX8h1IRWHssd6usG8yIuZ+dS2kf4aJc+sIv3+VsIgOB8piMkpUTQ0KisNxSeHl8bN1Y6SrliXVxaAk0+MMjIw2j3ie1NYfzME7zc+vq+L7hNUYsjUZWhrnVJUMXemFJE8whLRFGAx2Dh2eLFL5O0/9ZdJVxF0gerUSDdYiPGmwRUEAn0SrGz2Z7vpyM31K3Y7s0q7vb3jPM/U+WQWa6KWzMEeoYB7BFE7tj1U78zFxZtiVsoAyw2cr9nJFfvhilcvXxKGEaKnqkXKtaYWWsAGOl1a4af4t+6BvB2m0DvgC5DlOhPWDnt1VvQ3ipIddt2tpUPLwQUO+yNjHDnsj5xOZ2q5tQg6VUv7cJ3uTC90WFEPIXB9fcN+v+ejjz4ylmoQviiFN8vSs1g3obWyppVUzA2sakHCxpr2dqj2qS9se+famxltT1Bjs54+l9J/IoOzhzjixGQgjdbRCSuMwQdccLRmrNlcE60Vspp0oJFprvUmquFFGHBM6hkceK22F6sYaoDtzez99lB0Y65tyIMzzfSlYWnG3rapzCGh9rL+tBLpLyrbtLMukRAC47izaLY44r0nhgnvPcNgLN40TrgQ8ONCGAbGaSJ4M3hvXVAcQzS4t2HGMSkbez+Zj3WVRnFQkiNPyfybxxEZzciB1tCUjYVcjV3uKkhRNBV7ywUJkYgjiiOKXEw/Sts8yG1HWWnksvLF28+4X77gzelTXBAOhwMSHBJd12ZXY7eXLnnQ/loBPkRwjhqNeXvYjYwxcjXtGN2OnRu48pGj89wMI1dhz8tww+SvGOOVES0HszychhGlMjBRo5JDYm5n7pa3uOp5vDtxunvk/PBITdUyWvsr17qVY6nFiu5mR+iDfb8b89w9TbeVbeJ9wpK3NZe9bUXWIRLY0sDobnTGMdlQov77jeAo2xBjqFNrxpuwYBcjPM3LI6f5gdP8jtJW6qd37HY7Ur7jxfVrdtPEGIUYdp1QJVbkWycNIqjYGu7lq1fs9vtunPHA559+m1ILaTV/gOAdWTO1rZdGY80n3NpQbswhbJiQJqRqznq1mae6oqyp4fOClkoaFnY7xccdSXvRzRgRr5zwVZEJxoPng9fXTFHZjZ63/g233LIve4Y2MISJICOOzdXvv/z4vi+6X+bHypd3hs32uYGJQQ74NuHbaPo7PF6cGf8rF42ecwb7WYi3FSyp9L/jCG4giDFSDWA0obsFbAdimDhMRw674+WQ8/6Mk4RpVja6qevJPArOoWLFoXmQaLtNcZ6WIi17hnzDoK94uXvNIVxxfXWNOM/9craCW7c9nOcypm/dq9ruQvpC0kGfnjb8+clxaIMPRK0ceCKImPYR21076NF6thuLPnC1O7LrDkRBbllOM0tdzbmo7/QsocmcZbzzjOOOMQ68ev0eu92O169eUWthXWaDH1NBa0NUyH1nUqvBrMFb0cfbD+nc5vNlRSpsqaRe6Elepo+kUUg0rXjMxUo8Zmyx23UpSaDmQvYGX5dWuqmF6R9b11Fqb7K2505UERmI4vDRM3Fkp0dCm6yR63C13xqbjWHdYUDtCwrt82q/onvz9KWr/BIgoc0g9wuMTpdEyNNfUc20ZiYW2UdiXnEuMMRkk21JONffh4DPIy4ElnUkdm3mhZfeR07pXsm+M2e9yGUCsl2hSXm0ZMo4Usahs7Qxv9zWDBp3kMWYwSkttFLwwRGDYxwCQ7C36ow8p60ZFJoKuSTmZWZJiSGMXB9eMl79MGGIHK6uzSc5BlLJpJx4eLxnXk60aoQO7WHlDlMPaHNItUNRipA12y0bGi541MMgB9PRtoHJL1wHITAR3cFIWaWjRn7Aux1jvObF1Yd89YMzhIz4zD6+oA4Qx4J6Md0yzoxrxBGjEaikGsmn1mb3EB1ybtopKKaPtva6E6WcXUFPK13pigW57OW9PDs7VS6vV9bEhhxta5TL3li3ZCi7l9N5YV0X5uXEup5BCkhmzStNVtxdY00L2hyH6QVX+wWnxua3hrWaE5o4aivdOUuIQ+TFq9dM+wnvMYextJBrIueVtJ6N49FMf1tbomroagfPOO6hOfLa9cO96DYqq1SQgrADBqYguOgI1Swrc01oK4ZI1UqLjZJgqY5WMpHIYTwi1w538rjs8GHAOyOXevdboOh+mVqxLet74e0Hm1RPZMcoB7zukWbRdaKB6Fzv5Gyq9erw6gkuGtHjAstiTyreshclEhkAoXaoKrhGDAPTeOSwu+Zqd03oXr7RDzixzkv7oUhn/Tro0XpiySEOXDC4RV0gZ6GdlaG8YK/v8/L4HtfTkeP1NUWVNw/35FRsPyrGHobGl8gu27MkvkOwdIJK/5jQzdI3XMu6Zd/ZxSIOUTvcveuHrdvIZJ7oIlf7I1fHaz54/QFS4e7tLTlltOpFoB9C33vtbfdyc/WCaZr48IOPmMaRq6sj59OJL5YFrWbvZkUXaqmkmmw/ru3ifSu+w9RsKy/5UuSg625TipBboWpF6myOY2o3pPe2Iz/ujgYRhmDesH5hzSupbNB4v65cp3notu+14ms7KkeUgTHu2bNjp3t89rjsLw3N5fvbSpn2a7dfGUigv5z932lPzdDluu8Ewh7esAHtrn8VswLthhstUKvvxdWck5zzjMOE94GU7H3Oo7GGw4ALVrCGOJjvbhiIITD40M0WOtu5ryi2Bq7WDgG2REkraXHkaSCPA0MIlpzTdb7DuEe84Hu4eFpnULVCG70V3cFyaL3rTWn/f8mZNa2c5zOpLIxxxz5OXL/+iHHacXX1qhv7j5znhdN55pP8MW/Pb2h1MZlRne172V7fFjoEPkMprC1RQyHHBR2UGiuekdQKtXp2fsbtdoyiOH+F4lmLNeCD83g5MA0veHlVcGPgvL5jSfcch0cYHeuUaVmtsdVtLeDxcbIVlFO0r6WkM/8r9eLCZzy0DdEwItbFpB/7hM18pWEMcCO02bW6maloMxSilidLx0vEYC+yiDVa0sMTcl44z4/M84l5PXVWcWbNM6nCkh55GO6ZzyvXh/d4eZ2Y4pEh7Nl0az5as1a6JGgYBuI48Pr990jpit1hIqeVZTnz8HjHw8MtpyKkVjATn0bWTNSMOFsP7XZ7UMf5tKJqDbNgDQEiVOfxJEQyRPPTJ/ckpNzQVmjrCqlQJcO50eaGDoE4RK6mK6brHbkaxB3iiJfRZIHyrDP+zzy+r4uuPl/qcnHctalBtU8TkTEc2LkbChFtplUVVZommwrctkvr8WLaIT25oLN90g14xj7tdj1aNVLROESmccfV/ob9cMBrQDOUUqlpI+kE8wB2fd4pdnuUqhYa4D0ExQXbTVImfI5oDrwavsp1/IjX1+9xGCcajloz65rJpXYCjPbnYSMraWdLd8kAT8XWoNjtibTFUm32fvuYE4dsbFRc3+3U/nVs0h3CwG7c8eLqhqvjNTfHa/KSeXz5yH5/ZF5nhmkgxEicAj4GjldXDEPksL/qJJTdJRLQiBtbSISxcls2Ipp2+NyJJ3RpxtaNi8jF8EouB4oVRjvMhECfKoLZfNqusoI0ArZWCBIYoxGANnNK7bBaq5YkU9WyhmkO1wZr2Aidtb4juIFB9wwaCRqMFPRs9ngCFL8s8+CSWu/7vvK5z3T/0MbHa0You6AX0sku25fCSGGtL19ad5NSdbRaEHHUmhDniWHGOc8QJ3wIhMEmXTcMlBRIPjB0r9sh2D7Yb+VfzBs3Bk8RJWfby9acqaIUUWgrtTjqEAnBdVRIWMTMBE7zmWVZSe1McJ5hPxImh48CUm2aaVZ0c0mk3miEYJAkDna7HyRGz/Ew2eoj7HqTGTjVmTGfmQWKRlJ5pNVE0/WybgHMaEYKOTmqX0gxkX1BQ2H2Fe9PvOFMZMfBf8rkj/xQXbnav+YjPzL4HTuZMFjTU4qQV4/jwD6+x+B31N0rdu2K9frMfD+TU+b0mCm5cp5Tl/kNOOc6m7/iQr4w9WstbG5sug0Z/dhr2kh5uUDEdv9GY+yLmZ+K+K6PFmpNlBwpOSNY+tDGs9jUAq1zGExOBsaEh9N8x93DLQ+nd5znO5w3Y5XWJ+3WMqmcuTu9JZfKmiqH6Yb9dMU4jkbiS43ig6UVSUD8pv6AKXiGabCfVQvv3r0hvhnILrNSyOlkJh/Nkp3ohLHoJ7IzLbk1Lp1jIZkkjiyKw177XTnTnENKtwpuBa+NSTy+wZAaQT1DEJairEsjPWbWc8atHt+iqUqcZwuj+G4e39dF90IQkqeC+3yvu+0mB79j1AMNejC39Asqd4lO7fKcJ3hgc2jajj1RC0R2PTbPuWiFvRST7gwHduOeq/01U5zwai5XlpCjtGqFKjhBQ9+ftE7JaZhxgfN41xBnFoxSRnzZQ9lxHd/jhf//kvcvL7atWV43/hnPbc65LhH7cm6ZWVllFV5efj/BC2LHTgl2SkEERUUbYqP6oh0LlFI7CrZE8C9QsCeI2BEttK2Fgvo2Si31fbMy8+Q5Z+8dEWutOedzGb/GeOaMOFZZlfUDecnXlUTus2PvHRFrrTmfMcZ3fC8fc3e8Z4qBRzKtNnIu1NI6FV87yaSTJjaYqWPM+zTYoeUNI+j2CAYb9k7GeNhgkX9AqzTZcoJMHuXEEUNkiAOnw4nT4chxOjIfF+7vXjHmhaUcGQ8TcYiEMeKj5/7+npQS02hSAWqXLXVikRVdmwPpNo6bJZ0P3RPax500tr1X/Y16JpT0a4F+jQQxgppJgboFaLdy2/f5GIvUJmZj2Bbx5JataNW2Q5w04wYIHu8mgiRGdybIQNQDQYXQBNeq+V33q9TyhbfpfIP4t+tOd4KQsDVL+1Vo16k+v1+G8Dzvb7dxeDuLHZgxCM3kG02wjkFsghIh+y61KCs+RKIWXA34VmwycJ4SIsF5SjD2dOp2fa7b6xG6E1J3L2rVDsumBVTMGasFYvTE2KMNZUUb3JYnlnWltAUXEmFwhNRJN65RW6aqQa0lZ5teOiFmOByIKfLx27ekkDjEyXadPUlG1eHjBReuvJcrt2bOaqUswArUHTKnKFVWWi4016heKL5S3II6K4jUJ6QFRvcVQzySTnfcdOV0+iaHCCkmBKFWaMVRs8OFkTE6xE2IKxzlTDktXIcnlnnhC/2K27ywLo82kUqPmfMJ8RV8ZC0ZraX7nj+ff7sGHjOsLqVbEQo4CXhvUkTpKguRhmoAdeYwVjKtZppzdt13VYKqhSr0EwrbAwtbtOC8PHG5vuc2P7KsV8JkEiDnpOvlC7kopUDOjWVp5FOmtozKmVEm1gy+Gcve7VO02xuOmCxAJESHi56shYflkbRcbGAq1WINW+m3uMP7iHMF3ciwqkg3Omo9QzySEV251RtSPLHGbv9ZcTQCDqdKzJ4owlgCuWVqXclPlXzJJAKeiKgH3Yruy1Xn//zxI110d+5At/EzzwmTL5j2VpDmzeBbRmpbKaXZG4xS9WrkDKC0xloztQv/9zzLviUMzsILVC2hqDbF+8DbV58wjQNvXr3Bi0HQ0SeiJCQ6cI5rulHXRm0XciudpKU0N9MolBZoUo1N6le8q7iakBoZ5TOG9IbPDt/iLr5lSg7nlPVWWNZscGtTQkjdezaznbqbykJ78doM4kxbu026ZuK95fTur6fRp/cCaAOzY+0F0jvb9R2nI8fDkcM4EVxguc54dbw639tIHRzT6UAaBlwyODjEbsrOs6ZXtdGyEYuCD8Ykxu0QWPS2O9Eef2YdVH//+z5nWzU8axU3mK111qd9Lenxesn3APB+4N6ebqzBkee5H1KNulqSlKveAIHuse077O2akVVGmQgyMHHCt4hfh90H2YKLn0loPb/ha3vavSPq/y0YYcgaQWsurba6/ff0L2GNVZ9yRb7+JaXfHtoP5pffpP/rUkovFLOxmfMV5wPe23ok+MAQbb/b0mQow3hAXejTEeb97CElT8GjGUuqWS+UtSC+cotCJ4EbINWlRrfbYvesc/igMICmZuEAeWFdazeJEHwPYH9995YwJNLRpvMYBkNfSrLdcqnWGOIZkyDHyPl4x+14tWSbvqawNJmtsVE8wihngiScBLIuLPVKLiu5ZeZ1JZeFi6z48Ej6lf+Tu+Pn0BKvTx8xffY7EDdgrrCN4GJ3i/OIJEQqaTwisXHyM61UPvnoJ1hz5vuff8HT5cp3P/8BtfamzgfG8YivmVALvqxmVZsXm/Lq0qU1GUQNHXh5DbEa7U6LTbwEVPp01qfE6/UJ72dCuHZtdl/dOPOcD8GjZNbSeHz6wPX6xHe//994/+FLlvxEY7ViimnLFeOpbEhIY2FtD8xF8LnicwOxAux9xIVA1cH2o17NWUr7pe8EL57j+RXfjIm5FbIqX/zAnNqs2Ck5W4RJigdKcoQw9WFm7iaBhvpUVW7LQsnK6CY0VUYZDcMUj7bGbV5wrtES1OSgeXKpkMEtnrgODPFA8iPJH/AuAdFUCj/E40e+6Grfh23UAe1d62YEse1JhGBSDKXrLxq1rVZ0O7W8NmMAN207p9R17arrgQUguzbOied8PHOYDrx59RatSp2rWTSKeeA67xnCQAorPi82+W4FweUuN3kucCaTaOZx3AInec0hfsI53XNKB4LLKKXHmNXuwES3mNyKje1jNlP77fttE5PI887GdMbbpPg8caIN0WaEs56TW1Gk0+JdF7qnNDCk1Mk2zg5YhXEYCWMiDJHpdCRNAwQ15mV/f2rueuo+jm/DoPyP/1O69EOejd9L3b+OdJRgnwbRXnj7196meLYJ2OAz399Pp+Z6lddCLdAKeGcuga20bpDS+mQrNt2qwzW1SQpPlIBt+iNO7b0zb+DGpkvei27/kegQMv3n+no9lP3fPSMwgshWOJ8rtvb/t5dPnj8rLz7T/4kJLfZWjI1sYs2XvY61ta7dLaa7DhFpFW3JoEmNpBCRQIf3n3Wk3jnwxgYt2mhl7dPjSqkN57XbT1pGc2uN1ZbmDMOB6iLqK63HauZqzWXrBiWHwWRyp9OZ4TAxnHosXbEpXkvo12/ur1fXvyYhJTOrELc5obmvvXIW8QeBAeNfABpoKtTqoQplWVmLGTS4vPLVww9YS+b16VcQKkW/bXRJjWY56ly3Ee1mOKLEYNGPg0yoKmHwlFIsDD0+8PkXDxYAoA4nkRDMxxhnr5NrhdK6PqHOdqY0SxXzoa9c+vW/BUfQsRN7xqbX0D5grOuCd1aAxVm+r+te19L9uc0uMvN0eeDh4R2Pj1/xdHlPbeYxYIZExhG3JnjbURsJq+hCbjfW6shlMM9pEVpXAog4S8VCaMEu3dbj+BQhDiMhJY6ne6bjB/z71LkaxmqvtdGc4t1A8M0adEx6Z8Cfgt2OZmLRvaez80Rn6IL6BKqUYh4DofvJl8XRsphvenH4IqZfl2Q++xJAQvdU/40fP9JFdysqNo16u8BaBTr7tycHldLIzXSFSOBwGhEpPM7vaCVzu2Rag9rfoY0NCPQjSgxm7TR87wPn8yvOxzM/9RM/yZgSh2Fiuc483B4s0JjAlI6kcaQ2ZZqO6DvHZb5xKWbS3/zcvUxTl94Uos+MvhL1jtRe8zb9BGf3bY5hIIkzW0i1A6w2Kwq1tb1ouW5E4HpWqRWxLcT+uTExws625bWudE93adrhUzEfYd+ZwE3I1ZlzjffEHmp9GI/UbLq9mm+E0CPAxpF0HHHRitsmN9AeuG3RfEpeshFjLjfm+crDh/fcLleoticah4HmpcPbHTb2cbsK+vu0/b9abFr/1aBys7fczTq0YkacVinUBaoae7E2C4TwXgjBHMxaEbR1bZ8IXprBaGIOVk4coyiBSqoLXiu+VRoWxQYdONjqZC9yz4kHvWK5F565e03tRK2XBflrv/avL5tuU5+/tlh7scHP2oly20HkuxOW/1rxbwb3NwsXaOLIIpROClxme3/XdSGEyDBMNg3HiFOxgkIgTRPBV5xfuK0r87pwna+WJ0um0VjL2k1PzMWtuEyRjHufGIeJU1kJPpEO5m89jEcOp1cMw8R4Ptn3HOzwXWmGQAVnUqa25S8vNF9okmnDjTYu1HSj1Jk90VY7aXKLUnQmq/EaSDoi7YDXlYEVkfdErlRMO3p5fMc6X/ivAh8eP+Z+TNxPb/n0/OM4As4HW2F0vbrHkSR15UQCYDpM4GAY7vn0NnN3/oSHpye++7mFJay1mDIiKuIzQSsSEqWu6C0bqWm99uJWTZ8cfZeFhefrQvvKQgpKppaViiOLeWb3JTE+GuExDZFSHLl4Lrcnni6PfP/zX+H9+y95vPyANV9xUcDBsszWZKQOD4ewoznaLIP4thZKvUBT8rpyONwR44hcI4vP1OqIMdEkkGIkDoGmMK/NEofSwHR6xd2rhS+//B7++kTOM9pWbtcFGQZGf0eKwmE6MufCOleUFZhxOjG1RPSB4AKjF4YAXgqijbWYW108HYghcjre0ZoaorgAT0uXizr8Gs0/wXkkBFxIePe/gTkG8LzP2h69W32GLx2tWvi3dizOR5MqSDYBf2m5u+RYUUW2QWQ7+fZtqE29PjBNB46HI/dnc6SJeMuwZTOXcATvSSFyGCYQYbpOVG3Mzajp1ZmAW5zruwxPEEd0jsElRjkxuTNTuCM6xUu3PezT8rMRCGzFZouw2mBMYx3azSTbvvd/fAk34T1gzGeBbom3kXNe1AXA9pJenDEOQ+zuRI2yVoOH+w2fQrTp9MX7s02oJjFpfWovrOvKMi/Mtxs5Z1SN+ez9s5VgH1r7NP/8XFrXZu9GAj1taY+x6xLH/SfRbeo0aZR2KFv7NGiBTF3r3cSs5JS98zei16byFTzg0e4DXnFdY2km6/3n3VqDjTClL3e1W3Hcam5/wXW7xvel769x/VvRfcace4ulvfHo10Hr72nbXkTn96t7+4+NjLexQnS/v0wOhJpBiXO2EzTDjNCLuBC1G6t4R4qBqpFcDVkqdSXXK4WVqpWlrPb+ePMd9nVAquO6XlAnpGoF3QcznThME4dpIg3GfpeXWPX2cnU2tfbnolpRVzAtUENCg2Axj3uCxtaIVnvu2zzo1IIpjKFuSFdioUkji4nPSllpWni4foET5d3D95GmvJ4+IrqBsCEwXYJn1rFGFGz9hffdrel0HIhxIlchpInH68ptXajzzWBaUcQ5I/I5CM2T24g4ZV2DoV4tUwHXOjfAu+eGdNs1yLa2MM237YO3y6eTF6ngGq4Ja4WnyyMPjx+MRXz5wLJeqW2xVYMKtUt4Qt9H27qH/RxRKqWtaGus4YaXQKoTznlKyagKuazQJ17vu11kJwA6bOgJIZGGER+Mh1C09cSkTPHF8m29BSDkFtgIYSZRc6SQjInvAyl2Zry+OBXFmelQGkjTmVIqpc04V/C6eWMbl0OrdBOdFzfQD/H40S664nc5iN0/ClQ8I5EDrk5IHlnyjJb3VLV8xBAsgsx3N6m1v+leIoLBCubA8pyC05od8uMwcZpO/OQ3v8nd8czb0x2tNi4PV9pa2LxigzfHKlXlfDxzPJ3ACZf5Svji+9zWK+/1QqMRRPFRu+vNkQORQ/gGR/8tDu4jkpzwzAiZ4M3dx7OYN22zlJeGIt51/1zdP0S3iaZLBlAizhycarcdbCuuZQKlew9260EazbcdDnRAcqZ/GxwM3nE3nhjjRFt6/qkqwQnjGBiTI0W62wvk7m9bVtud5zWbGUAxiOvp+sTT4yNffPUl1+uFAtB3ytshWuumc37ZaPXLoeOoTtQIc/vrsP21TUJjrka4zvqV0NmZox1CakJ3KYoWNau8ak48PjjEBeJWILdJuqcvWYC9GpQuW0+4eTfr/lNYc9izjzd3jP4+IRbisa0F9m5xX+x2SB367syajn1C3lzJqN2buschGu+Tucx2cHcy3BhGvARGMZtKrx1w1cxGytOaqepY8w1ByPlK8JHlNhF8YBxGogvmT4zFYsSYGA6vIK6UMPPw/gd8mD+w6IVCh2kVfE4EF8kKqaw0Z7aTr/0rK7gxGtRXBc1Ko7DU2Z5nNOMVdUYOskg6S+qiQ9KqNjFN48TxeGJ8OlBaI3ejE++8Tbom24VqWuog0ZQN0ihqCJOGTECYVSm6srhCk8KX8/e4tgfS/+X59P5bTMPAaXjD68M3EcO9CPTn0UOm5uVqjPibGDo0TQzTwGfTx9y9uedw/5qHyyPvPrznertynW/dhrMS0j3eCxI+o7XMF199j+vN8p5zWbg9XVAa6kuXiXlSMhtQSYIfgamgoSGjkRdjGGmtcb3NlLKwvL+x5hvX+ZF5uTAvT1znJ5Z2o7SbDQ55sYzcBCEGzvfH7rdtTdmyLru2V5tp7ef1Ca1KTAmhEcLQNyqFhsmOmlTc4nqOuev8HIeLwniIpCkQBmfBB7VyWS6IJE6TIyTP8XwPvvB0M7OSRuT1q4/46M2PMQ0HUkzmWte92kUdwY8En5iO9xZenw5sSFN+fGB+/47L5cL1eqOJ2QNry0hpeGnMOv9QZetHuui+2FI+Twl0HaRGXI1IjQbBloxNqs87zE0n2Treuk1K0sHH/YDkefKIPjLExCENTGkgiKN0yJSm9ib2g3ODdXwIBOc4TgdLIBkmkMZjjqgW04o6CM4RnZGwIieiHPEydFKXQcAb3d8hewKM7bu6ZaQ870y3GDcbtDpbVnn+vGyuVSYed2x6UO2xbtu097wf3LRo0btu/G6kp1b79+/visM0b1rdCx6uWckZLm6G99uwoapGvMkr82o3kpWazfPY4HGRfRb7+uN/0MhJn/S257qRiZ47etMaiwPngx1QwWORZ2uXCdV+w27Kat2vmufvY7ORzbodpu+TVn+R7W+8nFA3MtT2fm3o8T5VWqHbTTFsZN+vKfr7iTxf918jTlo1hi4YaptdomQyKwszhQJ94hLxBFEzg1f6xG9oh/Sfo2JqAO3viysObdX8lLVSvTPyCZ7W4/KciMGM3oFTCoVFZ27tSiFT1KwrQ7cnzWVFXDDSUs2UmqmlUEOl5EIhk/1qXVxt4JxBfN4hUfr19awDpr839KYouMgQR1IciGGl5tbZwuyITn8jCC4wuKHvRBuumRtWdBY0UfrO3jlvk69mpM483N4zpQNP8zuCG9g2qZ6IEEB9RzVM8tPkGfFRbAccQmTAcTLnSHI3mAG6K1Rj7EqAOEDrDluXcWKeL8zrDbmq5Ux3tnNrlVpNz5rrgq+euc40J53DEMwRrym39UrOuX+tK5erpe2s+cpaZyqZ1hOxvF2qxBSJKTKOg70mKmSEtcvCXL8GtZlvdq2ZWjLFZyNyaqFtrmFaqM1RWkarpbR57dGdWmldp6vU7jZVzTyjrv0Mt4YvxkT0iUoGAsM4cbq75zgdGeJIy6275thgFd1oVrbjEeeDNQPd7U66p3jGnlftjXvtg5u20kmsv/HjR7voilDZPI83YBekRCgTMp9wyxnNUNtCdN6m2Gr090iy6a7DitrlDfsJLRgzEDtcnE8cpzN3hzNHn5jU0W4LrTz7yG6HunbwsYKJ/VPik9EYxgHh4fbA7f2Vud7I+oEYlFOKjOHAQe4Y5COivAGSGR2Iw4tFBDo8o/e0ELk/Hll6HFZFqcVCxpu2LvkxqUwQM83XqkixAumD6ffMK7Z2b1OozXX0SdBsMBrO2LxRKt453p4OJhMaB5w6rtcb3gkpBWgLZXkkr3B51B2RcCHt8GwQSHGgocw5sy4z19uVy+3K0zzb4d4tLY1UUZ4N7u3NsqlVt8l3a5A2Mphujnn7o+1/x+GdcJwmYorcnY97UHrOK0/XR9Zl4TbfKD5Ta081qXUn6D1r8uzaa32/0zC2qk2bfcLtBXlvFlz7NYf1r9Vlbb2mdt/b/ky2hmqTSznnQC21h71I28S8MX6bVFSUVVYWf+PJXVm12C5KAgVP1Ipmc/JKfS+sopjTTicQAqVWWrXvl3xkSB1ZUd/fk9iLidteAjKFW73xoX7gXfmKJ/1AYe2OZp6RA0ErrImiDRdGnDi+kMQtrSyp8ORvJDcxThdiGojjZO5ZU8AFT5omm3gJz1DxRl7QgACn8Bp3SFynjCsDtA9GHlJjovtN8+2FaRh4fb43AlHJXNcHbqtQ3YSrCq2YLFAqiOfmMguVL66f06jcffeeH/uo8cnrnyRKZHBnkz1lIBTzAxi8abi97W1KZ9lT7fo53U3EwTMdBq7XK7frtRuMeA6HkRgDPkUajcen99yWG9//1k9ynS98+e5znm4P/OD995mXC9fbI3ldud1u3OYbPgQ+Hz/gvaEMgpiEUZVSyg4Ll7KyrNde7LYUrIa6ikjjcBoZhsDr1/cMw8D93WvAsa5wm2dqcZjXdd6tJClKrSu325PJ1nwktYKPicZIHOw6uC5qEZlxwuGIolyu7/nyy+/wdP2KJT8ifkVEua4PII613Yh+4nx3RwiNsnzCWh65Zcfdm0/5+Me/zf35DYfxSLlVWlZ07ZN09fv9vF3v273pD0fGccK9Mink5emJdVmY5wulZFpduZXLD1W3fqSL7n5qdckQnVBF81AD3ch4I+Oy7WS3KVb6Nk6kk4heQJF9EbMBkuDs5gghGBuyie2Kc+upK/2N2n7dpm/pLFQnpGiGGqe7ExqV43LEF7jmC9EryZvcKPmxezv7fo429jit/sMFF4ihMQ0jIsJcV5tY+/RgM/zz3nDbXwrmmuQw0gsiVDU43fV9dtteU6UndhgdH9c7cW9aSyMardbV5ivNuy5dglLMiN1IVxFxoccf9qm77wItTm2h1sayruRSbN/b3yErUmKWntCnrz4nqj2nXYes8vX3kOchsQ/wAOYfHDyHw5FhSNyd7/DBiCfLauQ2h6cUxblgucou2P65S03qHom2Ib72wjWnOH2xw2YfY5+L6uZA9eutgOT55t9+tY+2v36b6ce2r3/5PZ+LvWK3eQUXkBbYfHebWPPZMLTETDFdJ6uZxtxppVZsqsTRnI02YbBJYjwdGELikDrM7Cdbr+BwfTXRtJFbT4XSbNF5ZreCUPFsSS82uUifnpw3cxbESHe1VQsNEYd6b5rKbHt0CcFYyW67bu0N125eY7pyT/Sbvtjj+2ugHb4XCRYtGSPTOHI4nMl5YdYrIgZfO/F4FwgyoCpEMevEKKvhOSrUqszrwrJaiLqLmei2C2VDEQS3x125Po125Klf6t6ZXMe08BFNlhAVvWcaRpPeJdPn13YkhMCaP2JaDjjnOMwnQhq43p64XB+43i7My9VY5U0pxSJBq1Qz+Am+I/aWXbwuizm3tcwWo2p8BMH1iMQ0DQyjpaqlNBD8ZHQBLK2Ito1CnTkhPLuXtYIUb2iGK8/+zq0aU9wVyMLqtwlSuV5uXJ4ulDV30qzxN2pbqXWx4cpHUjjQUuIwHXFrpbQbwRkPQDq645wzG4Lk7Ty3I9RQPuiNa+dCAGCrJR+UmAZAKNV+tlpM+fLDPH7Ei+72EMxEvtNZ6kDLCbIFHEjPSx2IODcgYr7Jzo04V3DBdchT2eIfN1xSWzF9YIAYjUmb4kBewdWGFnvRN5E0uh1goN1nWINDvWM8HYyFdwzcL1dmf+Pp9sCX71e8b0yDZwwHjsMJSjIPA21mWecKdqob1JuGARcib9VxXWZKJ6a0de4HsduDp8V3DaII4j0pJoL3TJMHKmtR1rJSqJSiJg9R+v40U5sQk7UocZwYUmIYLVv04fo5Whq365UYIuIOqEz2q9ouPA22a3bBmN8mpXKENJBrZZ0/cLvOPDw8Mi8LKr1gYxCwc8aylVYN8t4kYXSXHBSz8jQSmLUbvTgrXRphjGMnntPpbPaTn35ins9v3xCCx/vA5XIhhu/z+PgE7d3edFnUWGOeZ0opzPNMbdWQhWaEnSa9TXDaPYnZiwY8F9nNLQyef/nVjz7Jviiw9oX8s0xKMPegjVDXEQ5rADyqHjDCCRKJAuoToUFtmdIEFQ9uAgngRksOQihaWLXSVmOexpjwIXKYDqQ4cP/mY47Tgc8++pQxDZymI0E8iWAJL8vKWmaW9ZFMsQDzOjPXGzWtNFco1d7P2jKDmzikV7ho/rvTYeL+1R2DOzD4AdcsgzhTKWUhZ3qudcUVx6qtE2iGveVs1bTf3lvkpHdCjKGbk1hOaxPX5TcOFyaGNPLR6zccxok353sePrxnWRvarpTiEUaTmPhAk4LTSNFMIBncXMG3kXkuPFye+Pzd57w+e8Lds/ZXm6DZkdIB5zZ0ykxgxIN3ZhThBKJzNO8hJlxjn3SH1LORg8HUk0yM08h0OFJr4Rvrj5sMshautxuPT0/84Isf8NW7d/zgy895vDxxrY+UslLdiovCm7dHUnKMo+N6vfCdX/mS2rkNrQi5emteRTmeEsMErz76iMN44P70EcFFXE2UXKnLjTZn9Oa2jp8YIiFYVnhTy1yuGYY0gzrqWHEYodK5hq9Clsp8W/ev8b3vfJ/Pv/8D5vkGtcu8aNR8ISMsywNRHIfzW4Z0IvnPeLqMQCO4kboqs1vR4ghqphgxJJw6br2Q52y6dR+s0V7Wtast+r3oIofxjKZGcIF1nflqXqn1f3Yvf/3x/5Kiyz5pbpOuVvf8UTpzeRuW+lTQOppjh9fW3fS/JwpSrXAoXeaQu17N5AlNTNMJVgtb2/8xmxWjeG/s5N17EdvFaOQwTmjLzOmA940xecZ44DAeoBygTlAS0mK3zqu4kADr0EqzTawLnutyw2dvcpi+I8LbE0ohEJ03NqLCmCaC94yTt5is2xWvDSfBLna/2WDK/nptU6XvjjE5m3/t7frBGODLSgoJcStIZRgSTlI/7IJB47hu1dh3jDkbXNls1xtCxNdqAetqweN9E9Tfmxe7zs0mUejoQmduY//GsXlcK87bdD+kRIyRV69eMY0T9/evmcaR4+GM64YZrQqH8UbJcIurabdrxTlDG1IQvBS0CrVWVl1Mn7jdcL0pMkvR5wWy9Anh69vg519eQlnPn94m4m1aeJ6spcMXprm2omtkP1CsAdxJz9LdiLqVqSOy9wJqtqjblCt9JaJiU0/o7lHTdGQYRs6nO8Zh4uM3H3GYJt7cf0SK0aIdcSR16FqocoOlkYv5N0/jgVd39+iw4O5eIUlZlsWSnGYhuYlPT5+Q3IFRDhyPR+7u7hjjiSmc0RqgBBRrJiRG8A6XQs/UDdacOdnX+8K2r91euGeUBbCi3PXehvAIdMKRc4ElF+Z1ZV4WcqnskZwS8J0bMsiIV2/vuTazMEyTRcwB13xlKjNrW5Dg8SH0KdzQG90bRtBqB1JVrOh6R6127zmxxsFhU1kt/c5wNhk7Z4EawdvPp+p3hYBjsHi9ljikO6bhxOX6xJfzD1jKDZEbw+D4sW9+TEoOHwpfvXN851c2TkM1QmOMNpQ4xU/gJ0EiqBfLBdaGzislV26PM8uy0tbOHHc9B066K9qWNCStT7qZVgvNR2tid1RIbZ3Rd9klV3TbuLQOAndddqsreX0i+0htC6C2v48jKR6AQM6VS7kyu8zouo/+NIAIWxysbqREnidfc9li3/FrM5e8Uqwe2Pv160FXz4//9xRdYKtq2gKthD0713IrFU0GkW6khdxN/p20rVbSfe1tQS89Eg6hcKWoYy0za14oRfEq+A4pVLSHDuyjsgVTx4CPHhc8zSnVNfwQSD7x6nRm9ILki92sk2dIR47TK6QdoB1oOdCqw7kCVLPck7oHgR8Olduy0Ghc5xsimFn/slgRBQ7DQPQep1aMzqd7ywAdhFJm1nKhqZq7EJ2ARKdYssWgWeEIXcP3eP1ArSsP738AWhm8Y4gjS35F008syHoYGNMB70ecS+Y53ECLTYVrXizFJ5so/nA4oE5YSqatCtUi7Kq2fXmwpSh9fSXw/HuovRC3/c99sB3u69eve4TgNzgejrx5/dYYtsPU97IQ3ETJDtGR5SYsy8zSZit5ooQ0oVoJMlNr5iYXai2sOqObqUi1v2sHfV8KbIc/v9GN+bLsPm+kd4MN2f6OFQ/nNkF+7ftfaxR7Vs5OfAbBY05JTjJePCYuEWozKUsTy1ht2nA+ktLE4WAF8PWbt5zv7vno7cecDkdev3rDmEYOg8HJWqyhiwXqvLC4R8QJa545H+8pfEx6rXzq3vL6x08Mp8DD4wfyunJ9N5PcxLff/DY0By5fNF7ff8Q3vvlNTtM95+Mb8gwlQ87Y+qLvyDXYJCVuy082qJZmwBPN7UXWbasVMdZ6yYW8ZtNaOqVFm2DHw5FWK+8eHvjw4YGv3n+g6mIWqz18wQmoa/bcRTlwAqeE4AgxMU13qHO8u70njCcO7RHfJ1RZQatZY0qjE4QauWTjT/TmYNPcb+EiPni0KFoaaysGjYpHgkUuImadqU1xMvTCJkxBuR/hs9d2TV6WJ27rzC9/8Z94vL0Hroyj53f+f3+CmGBe3/Hf/vsv8x/+z39HbQtZVySMhCC4KEgUhleQJkGjUqTxdMlorizvK2UpzI9PtLp0dnPB+UxNDledOWLhdl30usxog5zXfY3jnLWATa05WvPKuq7UteKa5VGzkf200tpMLXC7fYGjsSwfEX1iSAdKbSxTQUjMt5X58kheKnfjHWMaiW8mhmjrwlZNreCcdpqCNdC1VHKtLMtMzmuPCd3uOTtjgv5w5fQ3XXT/1b/6V/ztv/23+Tf/5t/w3e9+l3/0j/4Rf+yP/THADvu/8lf+Cv/0n/5T/st/+S/c39/zh/7QH+Jv/a2/xTe/+c39a/z0T/80//Jf/suvfd0/9af+FP/wH/7D3+RPo/vH5gq8Z5p19yCa9K7EPHYVv3dBpa1UzSjbbsAqrooYqQjTueGE5m4UcVzXR4J4rumKBu3yoj519qntxYADgsFbYZs8lFLNDIJqkWyHdMB7YRx7Os1wBJ2QNlGjNz2YeMyVuxeW7qYzNCWNA02U2zIzjkO338vQrIsP4vZAcCfCNJ3w3iOdDOFDwFUz7HciBrU6E5A7ZxNbCA3vwXtjSl/nJ3K+8TR/hdDQFGmsuJuQ0sT1dkVrgjrYHoeCj8FSgaL5ORcxW7boA0NKjONE3shKHZvdunX2He42L266XXPA2XerfY+5F2XVHk/nOeyWlQfGYcK7gODpEkNUHc4ljtMdeYXzreB4pBVoPXjbaqgQ/YAXT0sG4QmdIdryvp2gT/W4zrza/+BZGrRdI7969/ysnbbpdYPNN1jd/Q9F99mtSi2qynaaym6cQc8wZXMxo++D+2sZfCD5yCGOjOPI6XTmeDpyOlmq1eF44v58zzhO3B3v9gnXIVQpBvflSqseskdKwNfEwZ/Qw1umIVDSa873iXj03I335Jx51z5AEcqtIVUZhwMxJGpVllzwtxlHwkezLwxq1oCKmC2o6xM/NuVqVVqxxlpaRxeUroOH4+FIqYXL9REBCmrBD8njgyWHrXnmw+M7LvMjuc7opm3V0s8SM7zoL2GfQO3NUufMbtYVlnLjujzy4fqFFWuPwczeW0SgKqUneOVWdxbJJvHbjjjbQG9nmjHHtSqhWBOh/vl5wh6lwSZXMCTP+B0penCRN69eMx0T6EqMjuReIbVQ5it1HXCM0NODfFLCWPCjFV0/RiR6lnqj5EaYA+RAXYWaMy2vJqfR0ne7hVZsdbFNNq0XzVUWWoP5dgGFaTqjJpS3Rtt7BFuJXdPAHCLzLGhpexPaWqHqwrpeCC5ymx/ReCCOCcHhfcKJR1XIubLMC4usOPUWpuKfNfN2LzfyulJqsV+bkSlznlmWhWWdqaWYL7SASrZr5Id4/KaL7uVy4Xf9rt/Fn//zf54//sf/+Nf+7Hq98ou/+Iv81b/6V/ldv+t38e7dO/7CX/gL/NE/+kf51//6X3/t7/7sz/4sf+Nv/I3999M0/WZ/lBcPBSm9EEn3vN00WKDVosZUZ1Qh1wuKstaZUs303C5Ix8Y6LhSqtP2mLnJBpPK4fInWyqv4lhYbgxvtxm3VoFLdGLX0ydnyMdMQwZk0Z80zeV3RXPBNOI93xOCZDhMpjgzDCWFEGGjNGawhpQOtJgWJEnoHb8L04+nEmlcu84VSCjlbYS95pWaDQqK3hJeYDogIudwQp8SYqLURfLRiGwaGaB8GN2GwMZW5rOSSebi8Y16eeLp8H+8U3MRaB3Je8S5xHN9Sh0BbE7QV0YAf+i53Soh3/bV11jQgnI4nlmwxhZtQv/Wiu82Hjg1efcFL1m4EoPpMsuL5cykNPTrwjrvzHcfjHcMw4JyFydfyPIV6N3I+HUAHWjHiUV76tdK2vFGLn4NmUHgrlgtaC2u+sQUM6FZBe+HddrFsUPMGq/TvLbLLpGG372P/c/t8L5SbSYezW9h1BMcM7W1Kti699tVHh+G6XAu1KDjlOaYvDZHTcOTT15/y6u4Vn338Gae7M6e7M8M4ElMiRUuImYYJ7z3JG3s6S6atJreSUmENyBrxZeAUX3OcJvyrj3HHQngDfgQfzff5O/k73B4Xvvrujeg8r853pDCyrgWtM2V1HI/3HKYDQSK4QBNvRLAtctH1Cbea73JZemgBlu9LBXHGlr47G9LzdHlEnGPJa78OAyEJRReu8yNfvPseeZlZ6w3n+/SjBoOaL/bzQb1l8iKg4si5gqywXni4fQm+Fz7fOA+vGMJIXiw9q2CQZe6+xTslrprjXMvNpIQ+YX5IzpLJaDD1TOOwQXR2ze2iNAEvpkzYvNbHZMrhzw6fUKjWLImQZCCXhfnxgXwdcXpA5Ia6BTcuxDuIR8GPDu8PCInrwwO6JOLVIznil4G2Zsq6IGSc9KKrhZabreP6mbrd46UozmdSeqDVyvn8Cu8EbcV8FbxnSBEnjvnhwJJGnpopK6TnabdqnJR5/oAoXC5foWNlSmcESx9yBGhCXgu320xixDVPLY0W7MbbDWxaY16zmfbkxQa0tjLPV+Z55unyxLouTNNACJ40Pss2f6PHb7ro/szP/Aw/8zM/82v+2f39Pf/sn/2zr33u7/7dv8vv//2/n//+3/87P/7jP75/3mC+z36z3/5rj22asSm3IJZ4i4gzAg59T9f/HFaaQmk381zeD9LGRlVRmrmcuEz1BTc6XHTAjaaNa3mHlsrD+o5G5TyeDAbpZJ3WMmaqURGttvRtDWlt15aVZaGslmaCKikkgo8EN+IkgXbrNowk4XzXfmLG6WDuVfuk0oRJRmKKpCHtzkOldJ1jqWhtJokQQcQsFEsZWfOE+MK6LtwuFwPoJO6MyXH0pMFT6pVaF7737nNWXUhHDymwNKG1wuP8geQPuGFizpnLdUHLjOYbQ5iIwczEzcbYDjDvbS+3mZavuXQP2tYn125e4QXXB8a9RMnXrwGDerqat9/MtgKWvZnQCnmtzLeZWholKCK+d8EOH8w+M3jHkEbuz69MYoVweXpkXm7kbAHchiEbW7s1zzAqtRYQNYJVtQLdmkXfCXR/bNlXENu0Cm53ftp0xWgzdyuez1J7wv3ja9wB7MDYYdZem9WKq1i0lpG9aqZl0znGcSTGgbf3H3Maj/zY229xHk98cv6kk2NeMYwjaRwIMe7Z0N4FIh6vjtAE7Yo5CpSlYRnxHkpAciR5Mx4YByFOMJdHymXlsl4tc/lxIKyRj46vSPHA61efdYZpoGRYbldqcSxLZTrekwaHi5Z6VPtr4vyWKlORYBaO3kMM0KqxmDcy3HQ84qPn7duPGKeRL99/BQL3d0dSjDiv4GxyapLBl65h3dCy2g/Y7mas5s6GOLT0wluh5ILKFW2FZX3ien3PD4Yjr04fM6UjwRkEfF1Waq0s2RA4H3xXCUTqWslLMe2+JN7cveU4nXHBGNhalZorxbdu+NOve7/dH22/eJpWe31qQVoldGRI1RyW6jyi1ZP4mPO08mPf/D94N//fcLmS7m7E+xtubEhq6BrR4lmXBZ0VXxpBIXqheaFIATJmwWhKfbXLGlBo1RqlDlMpldv1EW2NZX5CRJkOR7yreG8TrRMYx8Td3YmHx4HbHPcIPwMFGku+IRK4LQ947ym6oEI3tenoV220ashkLV0KtSGVfX9cayGvS590Z3KdWcrVVgBamKbINEWO5wMxBpSM2/OIf/3H//Kd7ocPHxARXr169bXP/4N/8A/4+3//7/Ppp5/yMz/zM/z8z/885/P51/way7KwLMv++4eHB/uPjSnSd3nbQdsD2no6TjcJ0ILqgqKUNtOakttC1XXvbsB2gYVsXq0+4wePnxzSZrRVro/vKDXzmN+b0Ly9tbD3LvpWfb4hLd2m9g8TcWsrlLkX3VJNujMMVnRlwPXM3/25idKVHQZ7b/Cp8zv1Hu/wcZNdbNMU+8XTau/2O0Rbq118pYzUujJOjpIz8+3GRvDYbBwPx8g4BpblgTVf+eLyJZorwzEgJRCzsC6Vp9sDY1CG+MaK7m2BMiNlxh8iMZhcik5KEDVTCrxQ+yS25kzu1PtndrLsHehmaCfbW99/Z9NdnyS3v6D0iDCDyr0LXeJVuF0XcqjkoObEEy01Kantx8QLKQ74UzJC1A5n2zRVau4NkBmrO204L93OzpqdrfHp426fzp93j8hWdDsPYSu+yF50RSub/cvLqVd2AtU2KcvejZhipiFuE11tBdcOulZKL7qVdIhMaeSzjz/l9fkVv/3bv5XzcObj48dEl0huQIKz3aK3X703wpK5mgm+X+ZSMfeutdFWoBjxSWokMTB6z3lIjJPnixlKfuLy7pF1yeglEQkcj68ZxyNvXn9CzpXrbWHNC9frQi4Ql4KLIz4lghdccEZ+ActiVaV25zgvrpvkOIvWLJ2wUyvT4UAaEq/zQhoHHq8XEOX+fMT7PiNKpbTFdqy+WbPSXhbcHnvXukOAROsKa2fnVtOW57Ywr09wrXwlRih88+obHKc7TodXOBd5eLiwlmyMXBGGwQiIY5ooS2W5rkQGogwMaeRwOOK9EchqK2gxKRveme1k7+tEtuvOPmqtlJqRbr3l+261aYLqaWVAWyIBp1H51jd+O+kizO+/g7+rhFcXNC5oyOSHA6VE8rpQl8bQozeDF5oH5+yssyalT4/ayWrNkCCP6w1lQ6tyu172ohuCw7mK66YrdqQp0xiRdiSlAe8Ca3a0yn6tr+sNwXFbHgkxUXVBt3242L67Nd2LbqllXz/aWWlyqVoKOa+2CiwrS74y50ez2oSOSkbuXt0RY2BeLmj+XzTp/mYe8zzzl//yX+bP/Jk/w93d3f75P/tn/yw/+ZM/yWeffca///f/np/7uZ/j3/27f/erpuTt8Tf/5t/kr//1v/6rPv/i3O0TgoXWiwaowRiP1dt+V6HkbC+6W2gKOVseY/fbs6YLK46SKn5q+HPDT4BWpHlqS+TSeJQvkdZY6sdEiXi8ESKaZTmiEVpGa6atC1W0h3EX6m2hlbwn9TifEBdQDd1koe+nHFvOwrOVGtE6e9gJIuwSmu3i3naBPUYvRp5DEITNfd/IRoVSTtRarBGoSs3QSqFWg4dqzlyfHrnOD1zmDyztyqtPzygDxX/O42Ph8asLzQ28iQPpcOZ0/xHHeG8f08iYEgQP3uPHsRsajGaOsczkUlkXg8IdruetyvNz6/uv3ZS+7z3tmXZJkTwXGGVLygkdXh5ptTHfFtal4p3ndLzDh4D3Fe89Y7b9dsmNTdc5jAOv4yvG48C6rtxuF3JZmZerEaluT5SSuS2WTBJlwreIK6HD/Ou+y+8UY3ixhzUmupk37HhLn/KlNxuiunteP2ucO8nGu/312ORROIf4rud1Rtip1aay6BKfvDkThsQ3vv0TnM73/JYf+ylO44mPjm8ZXOLgDz1f1NtO1Dnz1PW++waL6RoFSrOGqeRG7eEbhUaRhouB4XDkcEwcTokpWaLLIaw4Rtz5SJ0aOomtg1roDPYDPgjjnXAYVm7TylqNyDIviwVfODPm3yPoW2FfsPbOy8smvXG9wXNINQ2oa55Xb99yOJ/Mlx3l47evaa3x+PiA7w0bWCCDSHe/kq6QkL5/FVNGZM3GH8kBr4oL3rJwyeR8Y9UrS17INfPl/D2G4cA43uHE8/R4fXGtmJ4/xsRpOuE1EkhdOnXkYT0Qb41pPBJ86itbIwEJHo1bEMgLs5jN1EIVdQ6JiYCi1Sbc3Iw06fp9lOKBo9zz8cffQo5XbsOPsSZhTTdaMFllWx31Bm1xsHqCTwRMgqPYhK3SzG5UnX1IQCwuAMETnK3IzBffmqJlqXz17nus+UoaAsN44HS6xwd7TfzdxDQFTp+fuVwfKPVKa1stMBsOaZnr+ohfAk+3d4QwEeOROATCMPAYLNp0HBLHabS1TqvUboCzrquxkstK7UVXBFIaiDERYuJ0PFuoyzDY/RFHWLfX/td//C8rujln/vSf/tO01vh7f+/vfe3PfvZnf3b/79/5O38nv+23/TZ+3+/7ffziL/4iv/f3/t5f9bV+7ud+jr/4F//i/vuHhwe+/e1vA9vhRK+Z0vWywT6at6mxi9FrrXYyuWKAc9/Bbgf4NlmqNJxvuEFxY0Um7a2rpw03inPM7YmkkdwWxCkiEaXRNqKFWvdEtemiOrp4u1LXlVbrToQR721PpUaWUDUsRYyBhHRTCnHbxPVcbrYpSPTFDrE/nU12YNOet65xI5zs60QFJlo1zWnLjbxU1mVmmW+UfKEUY+3drheWfKPoyvH+Fc4nPtwmbvXCrCtJG+ITIU2Mh7PJPeKRcQgMsR8IzuFTQoIl0xRt6Ky78YTWTp7or82eetTj7SrP79XLGLuvaV/7AbMlQoUQCSH2hqLQWkbEEcNAKPZeex8Q9YRaQY1UFAK2jx8PpHGgtsptnsh55XJ9YF0XmlZkFeZszPHgDG425unSf/6+n90IYttu9+UE3a9j3a9pC3swZ6pn4wu3F93QX6Nug6JbsyHg1CB5t0089udmDpG4O79mOp34LT/2k9zdveYnvvlTDGFg0hGvjqjBYMvejMoLU4gNXTFiFrZbrEqt5ou9exYJSPAkGRnGkWkciaE7kbkj6gNhOqEN3BDRAvlWuuOYkfjSMBBDJqWVh+uFMs+GhMwzYUiEXhARQbU3GSFu+DzSPbvF9+QbrAgb9O44Rs9QR+b5hqpydzqT88r18mSvvfMdbXB9mjV0QTd4fzfzV9AenN7sPW2l+9G5TK43bvkDT/MD13zlsT70XOAjIp7b07VDnRYgEUNiiAPn9d50+/GOFlZUKtf8nmH1SFAGGQzRw3e5WDOoWPbNpK1e1FYeRoMwuaGIrWxoQsGKousQkvrI4A7cpdes4Q33vOVJHiiSUG8rslaFuoBmQYulRHkJuG3lsd+jXZ6prksSk11PbL7ngmB8lVYLhcbl6QPQOF/OQOt7U8H7SPQRhmgcgzjY1xNDHgSzbrUwjRsxD9zWC6OD6Ed8EGKMeG/ksxQDKdn1YoY3dZ9wzaSj7B/OCy5EpunIOB6464RC2Rpo58ju/8FJN+fMn/yTf5Jf/uVf5l/8i3/xtSn313r83t/7e4kx8ku/9Eu/ZtEdhoFhGH7V52trxGA6WK+OwEjiiE93+OENy0Mizx7XrMNqVFRg7YYXuhm8d2p4a2pFzgt+EPwEMq7osPZDxuHLiKye9fbEIpG1XnBUUnRQC7UtzHOhlJnoIQUh3BRyIPfg6bbYYZxFqCqEqmYyL45AsA7WBl4jX3QG8Z5dilhR71ByzzVii+bbi8+GUveNijk9mcxBXiZrYINkLa3vNBR6wWq1w5hdDuOTEJ3j+GogDsJn/lPSMfL5F+8Z/RvS8Z4wnnHhiLgBxVGbZf/GMeFSNLMQ1/nm4himkalVTqcTYPZx2l4YPQio82z+1y+n+p292A/A2ureeFjikjVdrZm/rHPS7Rzh6emCc55xnEy47/zuiON9IMaIqw4XHC4GQvTcT7YCeVXOlJJ5//7I9XZBv6es68K83GxKCtHiD4OnZPOZ3ZwJofd+Yk1RSglEuj+LUl54XW+WpJvj1JZIZSkrZjqyF11gcyUrLLZF08owmtfsNE4MQ+KTb36L4/mOT7/5bcbxyCGc8eoJ2YIwvBMqirpmDWHwtI6S7HLkbjhTcqbVyrLaXnKVggZFTxBlYPKJw5gYxkSVhblkVAbTqseAqENypGWlXC8GUbeGbx4XE1McmCZhmE7clZVrnsm1GBS7Lrhg02fp0L0fRxx2H9WaybWae5sLewPawCZ1LHnm1eu3SNMeYi5ICUhLeDei6g0IdRFerI6abjpZUC00t9ikW7rGvNiiUSi0cqXUD9zKl1zyB56Wd+aYt0S7nvOyryFooDcl5YFLu+M8vYb4KbkcmPOB5Xvv+O7nBz569SmH8cT99Johjdzd31tBCWYS4lO06x5HU0/TuDcEaPdH106uCgF1QnSduFgK3hWidwxt5DC94ZYfKOsH1nUg1xvzQyQ/CJIP+DYR9UhgwDVjEu/yTQKVSCXhmUBGnKtEK8X7NA5KCIA0cr5wuRS+931lnA48Pr2zOMfxuCsOLtcbTQXnR7ya6Y3J5VacE3JbuK6PfPnwPcblyG1dOJ/fchYzSRmngeNx4niY0FbItftBNwuAsYzpQghiOt9hYJgmxunIMB4YhgPeJ2s6mzLEkfz/VJ7uVnB/6Zd+iV/4hV/g7du3v+G/+Q//4T+Qc+Yb3/jGb+p72eDQi44EvCRL8/ATIRzIGOq0lSVtVqhyrijOpCtiBmVt90DCilWw5AwNFQ22l9Dm8DEDmbouVF0oupiNojQQg2trbbRaKXmh1ZG6OqRVYxJ342zVRnUOdWYybgPKZh/pO17eng/ffSrthWdbXnY4TWCPpnv++/tf36fgF1/hWVbQtWibqcZmVvEy7N45m6piCqivxDGSRuGsd5RaOZ/viZzxcUBc7Dc61KaUWnHSjGDpZbe3tsxbg0pjjAwpscZIDMFcekoHD8WydAVozXb02xN0btvr91XRvtu3guu26Ldm39smFntN1zXbARCMSNVsOUTheQ9rcKojRY84c0vy3qGaTKbQMs47hnFEoZNh+rS67aH1GRq31VeHkPv/LAatv4k9NWqjzdlHe37fOtRpyTFun3i3lYJN1IJsri2ipCGRxPHq7hXHw4HPPrai++r+Y2IYrcgUwdWeOawdqreMvh76DrvLdX9fW39vW63katdNRY2pm+x9TXEgpIhP5txUG93z2XV41JurU2sIq5G9spoERrt0LQVDRtpAuSptVXKrtGr+x4iQBcR7Wg09dnHz07VrxeFs77sjRoaMOHWMw4Q0RYriOiHTINBge1FnwL/DHNasmHYlgfhuuq/76630dYg0tFZzlKsLpd5Y24VaV2Nfd2tTr7kXQnv/aqlkTahbCVFZdKK1TKkL8+2KawmonKY7fFNqOTBMAWUglGgTfYt9XdbNT7YQC3n++T2CiHbtf09da9qlhGqZ0j4SwoSUCW0Hai5mHzlDWQRpEacJ2/JHkwi9OGG0J2wpAZWA0lddPUiEjjTuXAyxop0LXK+Pxp/QRhomlmXGuYSTyLKuBiuLNUTOmT+5dmSoqYUgXJcn45C4yDDaGs05s/qMMRoJKm8Z4oZOGuHO2OnOO2IIjOPE4XC2Bnac8H5EXDAEQcz1zPv1h6pbv+mi+/T0xH/6T/9p//0v//Iv82//7b/lzZs3fPOb3+RP/Ik/wS/+4i/yT/7JP6HWyve+9z0A3rx5Q0qJ//yf/zP/4B/8A/7wH/7DfPTRR/zH//gf+Ut/6S/xe37P7+EP/IE/8Jv6WUTBF8WTSPoxh/SKN4dv4N1bvH/L/MU7cns0uQahJ+GY/AMcKXWmZ7PuNOuK+gpTQY4VOSt6AAbIuVgX6B5wboUYcXXmff6YondMQ6CqTRa1FGpuzNPANTrycsU5txNrai7Goo4R3zw6dbNBqb1jXy2yz2OpLw7M/ED2IkRPZG/9dbD7SYz1ybYO1Rewo+75wE1tX9i0G5tXE3sv8w0tlZoLVsha18h6Xr/6lPv715zSPdkvhGghED/5zU/5+PjE7fMD60VYPiSuj1e+8/jfGF1i8AN3h8g0Rl5PiTH156P1mRznzf3o1f0ZQblenrjdZvKy9t1qd10SumyDnaH83Dj0guqD+dUOkWEcGMcBCmhV8pKfLcgArTapbMlLW6DBvhMHcIrzoZOjjBzinLMpzTlztZqONFWenh7R70nX82Xb9aSIuISPhVBq97y1Xym2g21LsUzZEHAeK8IdlqZVtHZYGUuics4RvRXd4DfnsOeZIbnI0RsTd0qJ++OR8+HI3fHEOIx2aIRAyAkp0qcy3RnyZhjUzRS3dBsFqWYN2lTtfmjt2QazZ4tK8DggjAaTxjRYNJt3uBqNhR4G81buki31HvWFOA6UdaVcVopvZkmaHBIGhpAYAsgUWfLKw+MDa17J2ZJlXDQbxvWyoA2uVQgukaLF1VXfkLwimNbcOdcDDtT4FE2pS8W1xnA6k5YFHxLan7PvjXDF2TmiGxko2T3nrXg4NyB9x1vLQikXZhYWrSxkFlaqZNRBGAbECTVbzmxercBUsUl/XW5UN6Mh49uAb4l8hbbA9x7+M2Oc+Nbbb3Oa7vls/Umm8czr5VuMw5G7s61U0mDe87VYSlJtSox0zX3nEPhsdIOeDhV8J4b5E6meCdwT6h0+n2jXlTxnyiXQrp5UUo8sFLyz9UZrjuwCVTb5pO8tC7hutqPyQhzVsw5N6ASb3K6oySrL0w197LSONqAa+3XXTBsb1JKsRLvLV1eg6EpZHli1UByMxzNK5XSeOJ+OHI8jMQSW22Iys1I7Z0QRZ8U2psThMDEMJ6bpriNYoTcz4IKAeqtF9YWM8dd5/KaL7r/+1/+aP/gH/+D++23X+uf+3J/jr/21v8Y//sf/GIDf/bt/99f+3S/8wi/w0z/906SU+Of//J/zd/7O3+Hp6Ylvf/vb/JE/8kf4+Z//+U5c+OEf2zDoCETOjO4Vp+Et6BmpA87R7Ru3vZb0nZl18m4jJO3yC4yBGKxb30yZGjZBNu3hzlIocqNIYmk3UktUCn0VS1ObdHNeWdfZdnzOLBTRDsmpiZyQ8GygsO1BuqkBfUcnvJhg903mthPc5t8Xo+1L3Jjnr7MXk05Kat0sYafQF/u5W+2s2b4ndz6QwgFxI0xKDiuLPuIQRn+mBM8h3iO+sjZzkFnqFRUzMvfOMi2ndUFytKzh/YYUXJcRxBBJKVoA9Zp59hzenp8+k5L2fhq2SQZnJvFpiIyHkWFMpDFRb7brsfeldX0s+9fVF2xG1KbJ3a95a1qauWiZx7qiwSMqlk8qpjFWVdvzrL7rYjf2cGfEaUGk0XqoO32n1qrNAi6YNGxDJjaLQOT5uVq/ZbGOm7vSbtfZF/Xee1IamIaR43Tg1fnM3fHEaTowxMEmPrHDwmCHrWt78U1k83fuL9Rm6dylN610RGRz90NgQxdE8EHMiS3ZdEmfLqXfC+IE8R1ebWaA4IK3pJc+AFVVQn9eLlh8X9IBnCPMs5G2cu7vj+13Tf4BtQj4inddM42tHUQhuQC9CIgYW91OTYXgbTKPER8CVasZUohNha0jJSI2JTexJgNJHa3q9os1U7Va0INUCmYEU9Hudge4As7RnE1WVQoqW2KUFZ21zdzKE74tuJZY10ZZlaIzKQ9MY2RtV9J04lBWQrqnVCHFlRTBuWBri2rn17NPd19JCDtfQntylWi/trxZuXoGpAU0O3SVzk73UKOtBzCfaDveOtFKeuSobF5y2+y7vR+6Dbn9/tD+Nzpig0HdWguNQqnN4j5bRlvq8mzpfBrdBfx2bG7SwYZqxmumaKbREAdBLI7Ue79rl3Ujavb7X5x5L4cYCWkgxGSOffKMSm06aBFbC8gPV3N/80X3p3/6p/fD+9d6/Hp/BvDtb3/7V7lR/f/7iG0gLJ6Df83H0//Bx/ff5Ke+/Tu4vL/x+NWF76VC4UO/vTboSbm/P+KDmASgYs5JUohRaGmhDgZvNRplSdQVSvbmjVrNOzXrA7MqF77CA7O+ITpLJ7nVylpWnp7eMa8PDMdEHALn45ngPJfbe0puFHdgGDP3p9dGchnBByEktxsn2MVvwdzS9yB2yhnTkD7Zviy0bcMAt7VgP1i3X1uf6FrdgufNxchLJxVQ8M5ShFIcbXL09nMc0j2rrDxc3lHWzPv/qjx+EG7fG1jnglzVCp834thlXZjzjA+eW/Qcbxc++uwThnHEe9Mj52KG4iEExmHi9f0rHJ68WPdZa30eR3s+6Par6yYRKSZSihzujhxPB+7f3uG8Hai3DzeWp4Xbw7XnyPZiEux6vV4uOO8ZykBKicPxSOu+quZfrXj1SDWbPfGgvoE3aDgFz0dvPuV4uCf6icv1wrv3742RWjI5r91EfaGVgoS8Q/iKUtcMoeHGZAXAO7MJRPeDUuj9oJgl4OCCMd9fNITeO+IwcJiOvLp7y93hzOvza8Y0MKRozmQ9hQfp6wiB6rqGsssmxYtZnOrzqrH2IttK3ZsRp4IQ+r+JhtYQcR5icqQUSMl+RtRWQDRH6FD9ZqFbfaVFJZ4i4qHeEuI9uRao5mYUJBCCdEg6clJlWCcu4sjryuV6tfYm9gxU8bRWuM6XbiTi955iahYaMCZvIQghmlmDCC4ERp2Y8sTx7gDXxvp426H+IOY41TqByhFRiTQ52CEcKqWuLPXK2laudWWVxuocK4FKQujNlx0+lGprExV7/tG7DWklS+ZpfY/pkIQqoBFWF/B41od3pKeJz5/ecRhe82MPK6fxNR/fLwxp4Hg4MozJyEjJ4NRaLeSkJ5ziPUYw6xI2RwQJBElEORPbGb0I8xcX8nylrQu+3OHlQJRIco5hUoJvLNlWDKvz+/UbpBEpJGkEsfCCsi9fBIjo/u6opRphJic4xXX+Cr6ZQx690IoaiWprmFBqtqvQIGUheEGSI0yBNEXGQyJosAD7Xmz99iKYxTQ+mGNYOoyEGInjCJJYC0awBVzoHBvtXafT55XOb/D4kfZeFk1ENzLGM+fDa+4Ob7g7vqHd3jP7pTMtjdFnb6rtpmJMhOAoxc6fKsYeHqKgKaEp4nzFU3AaKGR8s5zaSEJ6Co7DG0mo7/aiBEJ0hOjMbaet5KVSQyRoIEYhOM9teaJko+97H6w777uITVu3P0fZyFMvbC7RF82Nbteq/W6bkDe27Ivfb3+2Mbafv0bfLTqLRnQxEXq+bIye0KFMG4CiHbhtQIqwXGbWi1Jnoa3OrC3FmRwAiwZVFUqBZcm42eL7Qq34LnnYvJ3ppiYxDsQ4E2PsHTkott92YlFmm7FE8gnnPDEF0pA4Hk4cjwdOp7PdfNKosaJJqakge7q8/dL667Hv03qxdd7thVZcswZIQf02+aqFwze7+bwPDGngdDrhvDcIthTWvLIsC+u6kr2n5kzxviMKlhHcihkbhGBkHwmOKrXnq5q1y/5+6TZBbyhNxwDkOdRhHEazuzwcmcYDsSfTeHlGDJ4vmP0S4MUXfX6Ntuf60kxANwMS00LTJx0LZzdiYoiuX0NmnvE81XRmep9KxBhl4MS0lMFkW3jZf8qt8Wj6/O8tOKBHrCmIXmmtsurNCmz3IlbxqFb7XL9Vqtre3MIEbDJHxKYyZ4EkIQXSmFhygBcTzIb+mKNS/xAzrZEOmG57dxv9OqFIZf/v7XXXbgLTakeyOtrg3VZ0eyFptSeGbco5g8VVK0u50pwylyvODdzWJ5wELrcHah0QqTQdEJcZZcK5wbgbHd3YQB/n3O4+szHUd3lhc9QM+Vapq9IyJimTsK89vDfDf6kdVewf24W1oYsijdYV9zuS01GSbc/+zHwWm1aBzXJzR33cVnQ7+ifPl7L2d2LTw29GB9u5ul3eunsr9HtK+uvuA65HuHofOklLeEYJ+lm6P4c+EPyQjx/tolvPvL77Cd6ev8Vv+7HfwZv7T/jGp9+AGZ5+cMGTcJpMsK5C8APReY7DG0L0rHmmZcjeEVLgcB7wR4j3gqYVdSuFhUqm+kyT1qdCZdYFqZ62CrkV5uVKGiOH+xGfhJDgB+++z/vHL9BbA6+8v5wILnB9d0WrYxo/o0oh1yu+CcrYYeDO/hO/v7lb7Ia2Pu+WTq4xbJaOkuyH5K5n3f7s5WMjLwgvYGSLuAp+ZEy+w4TO9p7tWbt2rdU8YsuArsLjFx94elhZnwzSq9kjfmIcXhFCIoTI5TqzrCvzrZHbzPluQWtgfHVnRCdX9kM1+IFpUMqk5JN2n9PcG5OKDVbSXbwC59MdIQRSSsQUOJwmpuPE+fWZZZ2Z1xs6mi5z8IlWrKgaS7hHqrWx/2q67afrU4+Di8RWiTV2qYHv7Mk++SkYW9IRh0RMiY8//qR32t+yKbdmHp+euF2v3K4X8rIyXy0P9Hq1EO/L7UqIkfu7kzkNxWgSracLa2sGD2YzOSEo6huabKLzOyLiGYaB169ec3e+59NPPiGFgSGO+yrBTCPYzUdaF/qbjXc/oJAtKMmeZ23kbBrqnHM/rHW/PojOiDjOG/nGCTE6htETvU0aeW3kLgdTVaI8pwHZAWqQuBtGAgGOSpVGdoboNDVpkmYr7Cra/74jhWChCfOF9brw+Q++iwveDDCmkcPp9Nxi9HSbqgNoYF7NUnHuRTJ0FnkaIofjxN3re6oWHi8PJv9r1SwMoUsTHa51JAnPtqUMDvP2VkxyVArremHLlW2lH+DdH7otVjG8N0epODzzMlDppMwuqWtW6F2HxUsDJ4ofBJcac/sK8kK4ZIZ1YK1H4i2RnhL39x9xPt3j3ICTQGldbubVZHNiSGCM1pjkXC2mMSvLU+Phy0pRT9XEQSMheFzuBMtornqlOryv1hxvlqQdd91XJ8AmZdq80+06CL0pjGw9C7KtBgraQx7EtWcvabcRPXmGhntTaHyQLZfcZFxlWXGdT5Dzalabq0IVvNg9nsbR9Psp7WY29lPUbriCqRr0+V5yTozX8EM8fqSLbnAnTuMn3B0+4dX5DcfxZDaQtlQgSGQIIxsCkWIghh5tpp5kuArjyWDF892RcHCko0P9SvOZ0mZjXUq2QuZNl7jUGYIQW2L0kxWsGOywToHUIu4CzVeWerPFv2SzrqsVp4mDN6/c1jK1ZTPO912bCkZM6SbabtsfaO/kejX+GpzfYdctiu/lp+Xl7/q/2cwy9m5VejSYs5teG5TudpPXRqnN0L4qtAxlUfK1UW6NlkGraTq319+Jw/tIiNbd2iDhWOYVwXFLN0KXvmwno3lVR8Zx5FwLMUbS2nVzqvt0F3sXejqdCD7srGLve8PQzQ1CsIJJauCixRB2q8nSv2bt+9u15F6MbNe8Bae7LptSNbLVlgDjsM4dMRtQh981odEJIXpiM/g1pcA4RnP+ugyUnJmuFk4xXEe895zOJ3CGabTiWTZmvm7voezkqSFaTOEwjLYz9UIaBg7DxDgMe5PQ5aT7FLuvcO3ysodsp15v6BrW+Tc1w4u6fWzUF+3XoW59Xq/ZsrODN63ozoV4NtTma5endH1y1yJvulozh2nPO+VtwuiFyFjoDXGeFjzDkMjV4NlSFz483BjKSJOVNAykYbDDXwUjEVRaj+1UNXRGYuz7WUGcJw22y3M+7JtIOjKzzWNboyLdcAYxkwknmy9eQJp7MaU5tJtFaNdBOzUJX8CctIL0Y/klEtUnxU210G91+znEZG0W9zmzFOVJlaoTKTXEjfimrOuV2zUQo/nUuL6HrqXZve7t+g/BiH61moVsyZWWBUpE1AIuENebps7rlucPkWcMxv677VNvB+p21GM7mXYntv06ottEAqK0LvuzYtteHGpff43MNMameBEjO7VmkYA5Z9Z1xQfb52quUKzoSjP0BPdMWrRv01UHdPpC67JLNW106xLFKpDX/w3g5WP6Jt98+7v59PVn/PhnvxWnDhZgFcjCFI+8Pr2lrQ0aZpgegjntVMfpMJHCyN34CdM48frVa4YUGKdk7lGaWdebBT1TzMPZm7RoPc1mI3ZZCDgObuIQR3wKDAHCCHFxSG48vX/PZX5CLuDFcTfcMaUjaXLEAdZ8QzyEJVoXn1KPH7TDTqRaAH0/dGVrg/sCH/qlZyfci5v1f3jsnzY4N/QMWYNQHNH5HdrJayEvmWVejFXZDR5qcdQamJ9mlrly/TJzuxbKDQRzppHqqbnRgk0A43hkGIXmCiqNh68eeJRHylwYhoE3b97YDSbGnEyHicM08Pr1meXFhKWqeOls3V7UT8fTbvxRa+G23nrD0Oz5hZGgUEIkYOSnXGynWnsxWItJueZlobZGzrkHgFdyd6kJIez74xit0G5WfCoNcsF7g6hiNAlU8hEX4Hx3tPLUtcTLbaaWyrou1FJ4vDza3tYJy2rMXGphdo7aD3Ew84IxWnjDq7t7pnHi7t7M+100Q440jYzTxDgkNuNM7VnRbVNPdZiydWxxK5I4g4Jr1j0AvlazTtwZ1/0i6qlxZovnbC8mDoMY3VYUhFyhdO3tdkjvl+l2OfbCWrTnXvcwCSM5dfOLFxP4BsHahNnwIXL/5jVh9Ly/fM5X77/kl//rf2I4DNy9OvGNb3zGN07fALWcWUdBFfJqhLl1VduPD62vWAxinI4nhuuNOEzkvNAyHXGRfgfpXmRky8YVy7j1Ptiul/CC1dplSBjC4no8XVSTrCXvbaXjAk0bpeX++kDwBqWWalr60o04mveoC/jR44JyW99zXZX3c+X+dMcwfgMJdwwOLhfl+nTldPiIMZ05HBLee5Z1AW3kXAjR0sZKa6zrwnK7MT8utDkQyj3CSKMgEvp6wGEe9z2lzJkTnBVMj7RN2a17g7JD7NLXfjt5sFox9954BcFe09o6Y76jDbLbQm7LFfuaIrZeUVWKq9SqlNJAM7QbT+GJR3mPHMAlIV9X2lppi8Hl/hCt4Pa6Xov5OmiF6hzVb8OB7FJCQ2+skX9aLz9U3frRLrrja47DRxzTG8ZwtGzK2kh+ZAgT5+mO9VyoiwWin48nYgikwZiJp9ORGAbOw2uGOHAaz0TvGSTSGGhaSYxUyVSyHa5b0U2LpcrUG04dAwZ3qjpqU9ZayK2StZApZM2729IQB1yNrGXGr5HL5YFSCxKTGWSMEyLBLkq1K6Dps9fLVm+h70/2Dhy2jm97yIbn2G+e4WTRXsB7V6fmKKStM6+XzDqvrMtqxu19gq6d6SxVcOoZ40CLleQjL9ZzHcLpe5zezQZvN1jtMGNeZ9DK46PdhKVVgvekaEQGHxwh6LMlJIKjM9zbNqUrYIzrNS9cLg9UHfEJfHT45PdiEHy0XNJqDNOqxqAOOVBaxQVDIdYcdkOPl6xwwVJxbIcjeF/3/bIme/7eN2oTatcYb+iaQWB9bzUOdp0m2+f7aKYcpVhE4NUJwTmGGJGk+Ca0UtDaOB0OjMPI3fHENE3cnc8E73tyS/dH7uxrczXD9ti9uAIWm9Z3WvaJDX5Vc6Kquvv5WvPxHECxwS3iXky1+5uOaaE7XL0V1424tl1r2wS8Tbba34embXezeqlS3h2W1Aw5XhKttyVKCJaLfHf/mlyy2fMBt9uVy+WJp6cHvB/xbiA4Y6Fao+f3oIumsr8miiOmkZRG0jBStZPIgC0q0e67zvhFQZoR75yiUmmayW0ht5XSTA60T4bqe9ESglhMZOyOX65H3jndt0r9+jETHUHxzmDTJoGqwuPlyuwzrji0KrpkxBVOV0NCpuFo2t1WyWtBdCWG1QhI25qhr6ZqLf19z+R15Xa9UZaGa7H/LKGjPB3OFen7UMe+m32xq91m2WeylIW20Avn1sAgHU9Qa4pEBaXSJKMuI37dG8SXzPpn33VHiLEjZsapyGWh1UbGMsbn+cYYBkIn4NW14YpHxW8HqKV10bkEYhy2IlD6egIFL8HQln4uWrhM/p/WqpePH+mi+/b+W7w5/jj30xtO4ZVBh37lGM6ch3vqa5jkRL4VWlHuz/ekmJgOB2KK5uLiI6PfXGzMO9Q31y2aLHFCqTS3Fd2KukaOK1ULV3/FBmCH64fHUhu3deFWZua6sOjKgt14NPA5UdXxdHuk5ErJyng4UkQ4aSNOEyHYXgHsoKlqpg/bPsfcqgQXNknRVoWtNHXQ68Xnngv2ZiAeNvhG7QC2OMDKumaW28JyXQyKrW2n1FvOoCLNETRyPpzxeC7DA6XaTtQ7IwO6Tud33a4vBptccjZG8nJ7Ii/CfPtAqYXr7cYwJE53VlBOpxMxJYbRNIfS9XxYnbXDOmeLR6uF6/XCl19+n2meaDJzPB84DidLjQmOYRh62Lc97S2GMXcj/DVnSi0Wll2tCJoRlxlplGx/pqrkWvDek0s2EpU2YmyEsN28glQLBPCRfrCbXCb2bOWeisd9vafkzNPjI07g4YNjCJGaBkaJ1FiNydmU13f3TNPEJ28/YjocuL+/t2xWbdT+XEQctRR8lH06hxdAiLcpdIeG+/u/Gc9rUWpu1PVZarX5OEsv3q7D6C74bpFnhcuFjuJu11VvBDc5oIixlrX1yUfZC27pjGAV6fKa7Rp+PlxrJwGZltTeQ9vDjvgY+Ib/Nt5Hvvv9X+E2P/H08J4UTaJ2Or5iHE8MyRrk4CNOIikE02nbD9afr2M8nBiPM+PxzNqUtuSdGKjddrR1Bzgv1eQrycpLI7PmmWt+4pYvLGU2y1AnfdrtKxgcg5wscMN10pY20IrDOB2bFHEbCkG6xtmjJbJUx/e+/ALXv7K0CnllLne4aLu10/Ee1yKuReZloax23rUY8Z1Nbry9Ri6rRZWWhdvtwsO7D6zXgtQRLwPeNURuCGU3aHHi+7XWjYi2E2iLO9LWJ1uHkrCpf1sr9IAYqag0WlsQ6SsJV0GM3S+u4fyAk9RNcZ7PvdZAvPkjb7KeeV64XGaamm/C1T3xwEAUjzRlva7UtTLIRPCJbXKp1QJqKn2XK0reOAbd2Wez39yGmlpX1vwcyvPrPX6ki+6UJgIJiuP2uJrUtUKUxPlwj7+PHMOZMhdaVabhQAi2B/PeE91g0F2HTpuCVrNyoygUdgbhdu+rtq6z6y4mq50wraeb2D7UGVGnVdaamfPCnK3jQuG2LkgLPSpMSaPpUy1Zw/SAG5HA9W68ldoLQLVdXLU9kPN7ad2LrPA8VQBsd+7z57YLxX6eVgxOzKvtcPJixdcSdnpIdv+fpf6YU4uGirYB0cr5fGDNmWWdiVHwPX/USbPc087KdkAKjuZhGGy3Mk4DpRact4Ser7763A5w7xinkWFIDOlIiIkhTHgfGLs0pBbLJJ2XmXm+cLs9Ib6yLIHplIjRSFRV2N2wNpctLx0aC57WjDVbWyWmuEOq2qe/lLLtt7bowT5tbYYastIj/2yvFHrAddBNp+j7Tsjt0Ji6PiH1JKPoA2NInKcjk0scw4BWoCrz9UpeV4YUbF/sBI+SlxlEWEu26Tv2lcGu4X2+XzbWam0bC/P5Wth22Vo7tFwNWt7CI8Rt3sM8Q9K96XPePU+4sl1ynSjTs5A3hvD24+iLXzcLS9tPYqYKsEtOStNnVmz/Ftvez/UJZbMGdW5kGu/47JNv8+Hxq56w5bk8LdBu5CzkIRJCNTmTHyxrVRzRByNtrdksNr3HR8dwGHCzQ8XINFUb3vfdpWKzmrOiUf1KbjOX9QO3/MjT8p6lXi0iUGx63Ri1IURr9WXAS7DwCrEp2dKLup6XZ03rtho3qL+hpTyjPkAQ06eKZp7WR7548IiLhHDglBqHFPFkvEsoJtVz3u9a6gasa2GtK5frE7fblWWZTT5XjbwlrcO5zs47L93bvTuBmQa8T7yyQRPPyIXJHOPuAmjE0QZS7LnLgnjFJ0V8w8XuFFWbkVdrh67FvSAFGiKzrs9rHluNlD6UCGueuc0X1sPRyHRODU3z3lZrHmuXymre/L0hLDSqU4pTe94qVA22HmDjJDRq+99g0j2kI0EHdHVc3y8EcQQREiP3h1ec/R31VCmrHSbOWdZuDAkQavcT1j6B1lKQItQskIFiu6PdalDUMHypNLpdWPZ7wXbe4YauEQRyqyx55ZZnrusNm0Ed13WG5o09K8o4DRbnFTze2/fabNgsWzOQValq39OMCpolevQYwBdnK7L/7+Xn2D+3kT5q7YSJ1QrMMq8GKa6lG+5shJXekWrbd3cxGEHCul3TPs/LglwrPri+2+ndqQi6mZGIMkSDl9JghuOvXt+Tq8Fh7z/MfPHFr1gRXW4cDhPTYeR4eMUwHLg/v2FII6/vXxN8sCzRYlPu5Xbhen1AfGG8Be7bkRitH21d2qLoroH2IewTnKoSq72+pdokXrsuVWvbi/uyLDalr4tNBTUjTVCxabs2SyzyITAMgQGbpryz6a053Q0tWrXztyOSJB/QNPDqcEZHRc+mhXUIH9694/p0sfLdi65DWecbtTVu8w0fA+f7Oxx9xyr7M2aXQ9XGM7HdVhbbxNC2glvqbpKyGQAo+mLa6pCyNwjfJt5tA2DfsVplMB3kBjNu16lsM4UV2370omJuWM1p96He5D1WdDf3Rtlgc/d8lZdiZdy7iePhNd/+1k8xfjExX2+Ulrk8LtRyZVgay+gJMTNOjhBXDpM1PCnYBFRaxvc0JZ8802nCP3ljVKtJBIc4EEKXuIggvqEWo86an3jIX3FbHniYv6SyWtHFWLe+Q6spDHgXLUxdfA+fMgMOddUa/j79Gxmt7+Lbpt+2a3PvYFCCuS3jKJRlZV6v5Aqqnk9fJ3w8EyUTXKHR3bzcZGgJ1gAtOTOvMw9PH7hcnqzors/FXXwvqj0Iw7lgO13xbFGVVoy6OYaokcfYPgJIBEpHDfoSVTIqBdximtwEISpxxBjcpVKvnrraJOvcZtZiTGuRxpBWvDdCaylb0bWzb80zV31iLXfUdjAzFudIPhC9N7c7aax57TtkS0nKWmlOaZ59NWAJXG5/7cMg3XP6N378SBddyLSyUJpnKYkigkfIa6bOzTw1syJVOiXUuva1mEdmqQbjeM12gRszvX8YzLZpVLd9Q+0h1lWN3FO71lcUSlBWgaorPiiH08Ar7nioX3JTxzIvtKoEF2jSTFd6PPL27VtSmhimM3GcSCkiTii1UKqFpXuxkHV5IUhTbbtzk99yWrEfxnWavpGO7Ca14id2EKuS174LXfI+4dqh++w167vHr/r++jWziHTBDuzECALT4QBOWPLCczg17NaAzttEoGpLEkzI3pwwpInRTYzjwPl8ZhxHfvDlD/je59+llMKHDw/EcMQCQexGL2tFvU063kcOh5NFf4XAMA0c744cJmM2IwGiJ69WWKyQ9L2mbOHmHSrsZgmueVwtRvNsvdlqJs7PuVC10N+aPvkZzFKLGiuWiki3C+zF2wcjfIVe7J+Nsezr16Wiue/L+3sXvE2tt+BYPdQ1U4oyX5+oOXWTBvu7HiVIZ7q3YsYvG7QML5ju+uxTrV1+1iwM3eDlfpjzTILZCp2PzjTM0WBlH3oB9M97x10O052rxNkkHGTbnbIh8LyoGLs14O4h1ey1k2oSFFqfmLcJHdkvM3EgWAGIceR4fMWyZt68fuLDw1fcHr6i1iu328JwKPiQaA9fgXiOhyPjMPGNTz+zohEKzTmqeFxamc6O4y1wLgl9mKnzSnWVpgI94abWB0pbuCzvmPOFD7fvU+pMlgsuKDHQC1LanqztlnHkMlsjXU2LjjOGbOlNT1Pbs5fWC2/b9qP9a8qGWtheVLaiq5AbfHn9nNwaSxEuy8ondzN302uiuwed8HU0wZNLNumWyrysPF2eWMtMSELo6NUWhWVxm5iJju9a/g7ZBx/wzlNVd9byy9xo7XsNu3YN/u42MYhThsNAiJAO5gNtxXiDk6Xn4ea+wthklVYAb7eZzRbVfJZ1v9ca2YLo60zRhSkdid0RsFFZ6wI4crWmMde+sunmHOpMVqUS8BpNNtYvxTVnlvr4Q1WtH+2iq4VWjOS0aqav8i2wem1QDBqUbQG+kYHU2HClVEQrTdcNs6FV8yndYLaooWsS7aRonRChavGAtdpd7wR7g6TRfMEFmI6J+3hkfEqE1XFdMkUrlQmVtktjXt3fE9OITwd8HAjRrNtK7eEJTTmMB2PLblNJ6xBeqXb7dQ9e2RY/ojukt90kOxkF26mV1abEZV5tL7qWHU61DFIr5tFHu6ZVzVBEW4+uU6IbQJRhNLJJCGHf52xkCtdTWhzZDlE1H+qWFQIMYehZl2dOpxPTYQRR3n94x+PTA5fbhfu7Tq7o73LJ5kmcUjQZzWBrg+l4wMdAmhLjMFkQRjR/3FotXH4/7E3MR92KLvaahRhwzYLpqa2zGQ2Pra2AKKH0w8T3dKc+u5VacGrZyoLimn1orsQhWuFV2adtob83tdKyaSJd2+BviM7tjmDBCbmaXne5Xe3ab2ZrOYyT6TWlByTUYs+zuWeJzt6s9cJogxQ1FyNQ5Z4tbeMU2zwKvaB68MGZ5CL5vgLol5vXHfKlbT2uaZ9dbwi2y2IruB3TgRffaWNFb25V0mFq0bYfsBsD+uXDpl4Q5wkhcTicWdeVV/cfcbvNlPwlNS/WdLeCC57LstBoHKYjx8ORu1fJSHw94KHikFgZnTCdPYccuWZFaqbq2qVSBdXC3N6zlhvvrt9nyVeeli9ACs6vZrQwBpue2aZE6ZaRwi1b5Gfp75kLvV/tcZ2qUDpK0deNbOQ057fGQ/vraDJEMWNv0EqZG9d5pmlkKY0QInjlFB2eRixnrM2ONKzYLNn047msVnAD+PB87uwuaXvko0HMNmXamdn26XYzsdhg505SohnE3LXXlvoEaUyEBMOIkdFqj03EdL+qUHKhNe1kTVvfKLAsK6pGAhNhJ8k5gVYLuUHpyhQfhRgCLMbdyXVFESu6zZDKqkru97xFNSY2meDWjKJKrjdyvv1QZetHuui+f/99LvoF6u6ZZLTDTEFLpeVtqtKuQzNvYVWo2g+E2jNv1xlVgxS3TnvbWzl1uOZ2v+KaVysc29ktQgieaUqkMXC4C2gK6Jh45Rw3uSO+Knz01Ylf+c53uV1uxDwySuQ6X3j3/h3f+c6vME5HTvdvcSHh08L1unC9LayrkXw+/uhjjscjp+OR4D212g1QcjVCSbM9RnCejZrg+u5wO2w3XW7r2ae360qp1aAjBUvs6Luyrbz1TnrLbcV1o+8Og1u3GoGESLE4tH5Ch3Ag+glxCcFSoATFiaXJ5LxSg9lzthLRXlzuz4FvfKaIS7x7/xUPjx94+/qbHA/3HKdXBB9Z55Wsau9zzxt23hGHyWRFRNZFeHrIxCSEYAWxtbbr/7QPcrXrcveiQH/vuzxJmhqyUSvLemOZF5Z17qxeK9ilbelG4EMghsG+gXryslIWYV0skSgk29/ZHszgZVqzCWrNlNsKNIpUSrDXumRjemtdqTnz/l2xPWSKxGQ2f7TC7fqIhIjEiThOxDhQug65tu7/u5HQOkms9KLbVtMcOt2mVtlGSELwVvyTscpdsMahSQ+NkK737prrnbzF9r0MWpeXQs0NAnfOqDc9XMt0tJ20sjGuMS9eOpxY1T0TCd1mlwpRnElqVsdhOvLxR5+y5oV5vfLFV9/n4ek9LgNOuZQLVSvDLTJeJ9JwswD5FMm5cJtve8PyeLlwud54eHzgNt92WVmTTKNw4wO5zjzevrD0MZ4IAYYBCMbAdWL2ir5FHI6mxc6beLGiq0tvYEyKFp3fYWUtzVK33KZXpdcwKwgbgtN0a1cqzkMIQu1F/kP+PvlxxUflunzF+v5jJncgxC9xbiKOb80yMwq5XlnyikpjmDzrKiwr5NV0u307axGYoU+3PhCCxWI6HyzhSdm5AHvdpaBu2+XW/f6NYUK8mkVuaVznlVJX5nXuZM4Ka0NyYCM0bfIh35OgzJDD+Ai+p4ppT7/SZl8j68KqCxIUnxw522CzrIXWIHef6rVt87cSekO7TcVVFJXQV2+A7/vIH+LxI110b9cHlvGJ6BLVNyMzbVBgnwBF1cLZa9uJMaVPfrXZRNBus0k2ajFrP4/Bp+L61CFItbuv5hWqyTicmJmEeEhRGMfA6Tgik4ODYxogp8RFPyYcYF1mnlJEr55QIzlnZrnx/v0HDrnh0wHnC5IrD48XHh6eWJaVUhspRVQb0xhxLpkzTbfn2xmNsilwMfhm2+GCnRzd6L7kZ9KBWfsZOzV0dq3fCSLPj+1A9V1bJ9sXrb5jix6RYK4y4hAX8C4R/IBKBDyOsHeJTYpFaVWHVo822087lxiHyN3ZbgDnAz4kzqdXTOOZGA448Ubyqc1i8MThvBoklex7oYGahYXeJasZWGxTkyB7lF/rY+AGyW97TLfZwklfI6gRvdayWOrQC1i6FCNROe96YTHGi0mwDIqj2GIy1rpHhjkRonVN1CVTc6GudhghmVrUDqKy9uixQi2ZdTaOwHQ49O9VaQ2WpeJqxavDx9QnK+vkLbpxm1agVfZraEN29txe3yVBYoXPd1vQ7UO8dLml7q+ZymYC0YuuyI4C2NS2ZT6/QIhhJ7aZdaI+2wttUrGdDSZ7k0Ot9jp3IxfnexHoa48q5pJ0Op05n86cjnd8+f7znmm90lzhUh5oWliyZ80DX71PpJQYhoF5nnn34cP+cy5rYc2Z6+1q7mrrYrt/MQ3/Io/ktnDJH1AyEmZrQGJAXaPJsy2ik2CIXPc5Urf2QrRYLek5xi5sW62efasNuslMP9xobu0ToL2udcMItNrrF7xJcFpm0SdahofrAVoh0Bg4ABlxB8aDEmIkHRKNdUd1YnKE5AixS+Fk2/WLNY7bx2aQsZHunDG07fzY+AOdJd+fu+25rckNMfYGYqUqrK2Rc2NeenPb1LLHW0MwBYC2bp27YSbbekObwf/btam62xpUbD2Ex1KCOpy/lkytUJox2UvTXtuN2Oql8yMQ1BW2eOIeMdRXDb/x40e66D48fsnj8AHxiXNYoCgtF7yYzpFOwsjrSqll707XXKhNySXbVDzfetGtdthEi2QLMbIdKp2Xh1fFeWFM5t88HcwN5/58ZjoO3L85kf2FxT8iYyNO8Dt++2/jp/Qn+InPfguXh5mv/u8L9QLxizO+RepTZS4zD/KBCmSEdx8+8NWH992UoPH4+BXjMPDpJx9zmA68ef0NUhwZh8PuvmSHfA9x3+A3edYebhqz+ZoppTJfbvuez3dd7JZBq62nD3WSg/NG8pLNOq5/r9qE1gQkIlIJfqJXH7xLOBd7yklFgse7iPOO5gKuVCBQsu1KQ7QpWlTRGqBFkj9xHAXnBkoVtK7AsxuQWcl14lNnEofVE7NBuT542trIKXfXHofXbbe07cV4Zp6LFalnWZZNYaXY2iHXzJKXLgGx18X4Ifa1GlCkQSsYzmDhAaJCyaZ/XG72JzF4dmBMG5IzrRTKvFA0U3aN59qlUYXr4wPrsrDOM6BMtyNpGCi62PohRGIcGQ53nEpDfGRtlndbe8NkmbB2RkiD1C0Ms/boQS3GIXABHyMxRUIMBrtH6cZOVkxfsqM3+72u/kBKg2ypSuIxe5mwIQr2+qoAxQ7M0Ovrdpj1EsMzG//52NYuYxNnudCthR1uddExukTJdl98+sk3OR4PqGSca3zni//K09MH5vZApeADlDLwdDsx6IgMJx6WD/xfP/ivzOuVy/KEarUi2bq0ppgjUe3wqJsySCElbyRLZ1PXWu1cku7bHiUyuoaXaE0gDQ0FIyRuL2R9duiyG5ctUk1cb+p6w6NS+/1pr0vcXluxCfQwTAxuYnBHfJ3wbSQ4Rykr7+cHQlmozRCqu+pJw8hduMN5ZYyDNdQEalJKKrTVGNz7jj/Y+gMnaNduO+eJPhh6qB7nbFdtGKIVRCva9ntbUwjjMKIo8wxelUEHTtPA9ObQXaJcX59YSMnagy5yNg2uarOGxSk+GCFvxtYbzgseT5DYiZO1o25b0yeUajyfXKw5b53TIK6h6ml97bBFYDqB5jPqKu44ozr/UHXrR7rornk2TZlmi9Yrjbpm1HkkuH0/VYpZLJaSqa2y5mLm6DmbkXheOvxWzWFFzEqwuWfB9EuY1YsjxNA9ZgMphR3mi2nsUFIAb8EJ4yEiAbhFLsOMe3xkdQ15jLRVqBnaWlluM7k15lp5fHzg6elhN5KoNZNiwDvlcDiS4olpbMSYQLwxIvsFTSc52NJM9iLc+tRTS6aslpurXf7DZpSxMVN7As3+sd1UW09Z9+OAzX5fxNJcbNTpna973plCZwuLs4O5a/q2CUz7ga3YFNaq4AgEPwDeJjSqrRC0m5yrUXG3mMIsoF3crqWhwWLTSnOkMZktfTeM6NvKHSnYHrsnsLyA6DvxqvWprb7Qc+4M6P6CGHu3/51uD+mdwxZy2qVaCsUSSyobYaigtVDzSm6ZtS0s5cZSZrRY0b3NT+R1YV16w+Qapa3Ep4QPkRBHSmogkTROlJx3zWs/6oyZrmIrkgau+4lve2szl7eD3fWIvhCtKbMGQ/fpYWM0byYO9MIr/RrU0lDfgwF8Dy2Qr39shdQmlq//8f6e9N9t//8cU9c6StJM+LwdonhLSarKNB0IUbi/f8XD0ys+f28GCq00g3i14RysZcZVoejIUm48zQ9c5gceru9MEuQaju7lW0ZQY/wikLDAki0Qfrs7aqudxf18rRQK4oxs12h78dn8GWxf2p9b//1+p237xI7XbmI+247o/vxd97MOIRJ9YvQjvg64OiDVGvE1F0oRtM14L9S60KpDa8+Cdq7fsxB9Mqtbt+DE0aTuKwi3oR79prFVQ7eE7A2n3WKbbKhr/WX7ue39ddY54DAqfHSRw3jk9d1Hu9e3eQxUHsIHbvON1gTnlm7osU3R3QvZGUplpi1bgpLv50X/GegNtmzGHr2ps1PI/rwjY6reGPY8T9AFs/d1fqbo/wY73eZXistkVnKZqWslz3O/8dtu0dWKpfjsBKpauxjfWv0wKBZoFbqtWyA4SwYK3u/xbd5bXJn3wphCJ5ZY93lbG+ohPHlamiCJZYMWx/Jwo+rK+pXQLgOveIVGTzo76lq53G7MZeX9D95zLQsP65W5Zpa6WkFwwrxmlhXW9YngA1988RXTcODjjz/jMB346O1HpBgZh3GHhltVtOneJbIZPdxm8ppZZ2P6DUOCZlmkVoA86m1aJfSPGCz6q1pCi2wkCN2gLYGePLI/enfuvB1Y4mvnVdiEYgYajVIXXFVaCyiNvFbm28r1srCulboCQ0OC5Wn2cbgPANKlFfZ889qZ132/Hb1Ho4fgOL6+I00jx/PJEm22/zVD4rx3OxlPqkGYrTcbTQDv8EMktIEgNrW6YPpGJ2a5WHvtKlpwaojLNAwc4shRD2iD6+OVsmbKsnbfZ4PaW5lptVDXmSKFVQrX9cp1ufL0+AW32wOt3GgtI82kEPN1JCwDqy6Mw5FX95+aN/jNqNXDcMAfj4yHiYyjKtSbsZMlmwaldRZ7mWc7qAbwyREPkWG0jxANVi61BzDUPqXEaAfcdu72zkOa0tbM+nSzXNLgwR8IEYqpTXDdnrK2YnreohavVhVXG5RiR18/yH2XpMgO8xlGrlRq5zS0TbOqglrXwDAcGcaJ3/qT/x8++fgbDGPi+z/4Dv/tV36Jy+2R6/rIqvA0L2SENgx8WG58yI8s8kQZnxBfcL6gNSLa03V0YHSGNIVou10tM6iJdrQ1Su6tXW9c8UJxFcXMdRrmXrddh3awgdBsQ9iJVM/Esb1VBARH6q/E2lcd1f5G85RaWXLFOYsLdDIQZMKVAVqiMUBIvDrfMcSRV+dEcI6oM74E/Jr2NdExONxhhDUg1TPXDyir6bTjZpLiiQ1Sjow+8f8j709+bcmzvE70s36Nme3mnNt6FxlBZIqqgvdeIgYgITGBBASkxABIkQwB8Q8gMicgIcEAIcGAQUowQrQSMGKAGCAY8BggpEeoeAWoXtFkFxHpHu5+m9Psvc3s16w3WL+f7eNJFkRKhVShPKEb16/7Pefss83st9b6rm9DKaxNX93fBG3DQVv2sjGXVcwdyjl24cB+OvLxBz/Ei9vXfP3jb14RBl+pzrgVqfT41DOffv4LnC6PfPH+l1jLwlwfwSsygQvefPFTxK0DKRfm80xZMgTYxSPqbWxJpXJZZmpN1PIAmpFaUOdQP6AaqRqYq9l0ntIXJDlRwmcsPH5fdesHuugqmUqitJDiXLL5iLaFeV+ca+mQBk0i0vohtU5GfDPn79ZenYknvhEEvJEFgmOIBrOaCUGPlHIWAlDEhNvFm/lFcpYt2fbFeQZdPL5OOAJDEErNzD5BNjPuJS1clplMaSYcNlt2Y21tGkLhjnVZGYaRlBYz1B9GTEvbEmCKTQObX7H2HV7bp25O+PZudlZi1bpNuGyde7fka5Ditmqzz+ErBwPbZGhEGZumnPuqWUP70q1wNwJEi9azX8X2oY2xaBOu/T25Nv9XSLqxuTsaV8WZ9CM51AtuiFRVxmmHiL/aIfY9o7YdDgJ9d0jb8WKTeQiRIQ6seUHbYdlHXJsidSP/FjU9t9lGmte1iKMs0XatxRjY/b21q6FPDqJKqZlUFuZ05rI+UsoZ1dS0mI2pr5m47q3olNK+f2WZZ+bLhd00mfi/LSi1ef+WYssrm6L75G6Zsj5Y7q1Nua55KmMISntXtsvc74Vtq6GbFCuXvF2ksFWVvtmjITD2u9umOqDtKdmauraX6zaAfbRu167L4PpL6//Yp0snjv3+iPPw8sUH5JJ4e/cFVZVLOqMV1nUF7whpYS0rWbNxD0JFfMYYWDY94xrprDH8TY7aJiS9zkp9gu8jnd1fSqENAdR2HtXtHrdABzHGdocCePLs9MlX2d74XphtiuwtcSVTyK6SvTJ4Ad/4E42oLk6IQzQDmjHgxSGp3Y21oQbqCC4yRmWIIzEMJPVUva6jOpnN+7aqcs0zvJ0N0ibEjoypdnXFtYHQ9rN7FxjiyHF/y83hGbeHF4Z8ZTXujq8McUepmRgCy3phXk8M48ClPDKnM3mZLaN6VHwQfLT7iyQtACFbUlhRgvOIj2aWUq1OlOooaW40+mLniHONhGg+4akmFp1Z5Uwpj8y/Fopudmfm+g5fPXfpJctp5uHdvTGNO6GqGJkFVUJjBYYQm2+sedXGMRB8YIwjdvG7obVnCNFSXSYzrwjeNUjNaBBkcGqJIhICUQdqhiKVh/cX3s9vyPViFPV5h+QBf/JocdTgyFqZJXPWlYd04bTOnNYLEhpETodd28Ms9rXPlxPzPHO+nAk+8O1v/zz73YFXL16ybxaKHt+cdiLemb+vVqjJukbnO5xMIyD0GDlt741rek3ru7U9SEJjqXZiTmk3cbFGpxNwetqPNPPh4OyhrqU0kpR9D3qRWBZyyVzmmdP5xDxf7HW0XbMgzZWrnzvaXL7UDryq1EaaK80vmlpZqvlg7+/fM+wmfp0Ih+OR3c0eEbF9MBYfV6tQXAPRVamZBlc5Yog8f/aCfDzCGytqj4/3lGrNgWqzEoQ2ZXnUL/hSoWSeP3vBbhrZTyNUZblczIxkmSklsV4CtWRyGpjTBV0Susws6T1zfss5v2PJd+S62C5ThFEPxDpRL46imeP8HC2eNJthxLIWPgmBw7NbUpOD5WT2d+vpTE2Fsq5GpBsiwxg43B6Y9pH9zUSMjhDc1khY2lO1/b67NlK9oU0U1Ck1Fi6ycFrPeBU8jvEwEpkoLZs6a2twWndWe9shtUmOqqXAVEWa9Z8PHhecXRe1vyNdguXsWhrrvu14g0XjpVybj3LkN/7GH+XXXb7JuJ/44s33+P/+//4/nJdH3rx/S5wDiyw8Xu4oMiMu07xcbL2gRsZ0IeM048eCc0pxM6WuJL20Upca0qN05FIFit3sCJj8qxZWt7Qmq7XAregapOpbohXt/m9NXcmbfldVyZpQnrgiqSdXZc1QfEDdQNgdGUdn03e2vHBxwaR2+wPHwxHUsZSVzlrvbdQwDgzTwFpms8M9L6QSmIY907Aj+gHvI24QalaGMLC6xYhXvgm5FVqXaT9NWz85z2aPCR7vJ+Kw53B4zjgdQcyjfF1rM1DxIDs8leMwchgy43hgyWdefPSKh8s7fvGL/50iMzqe23VIUAe4KOuSUIXzaWWUlfEQiGFiOFq0ataVkleW2aF1peaZpMJSHctiMsuUzix5Zan3JPeI5jNFfi3Ay5IpOlvsnmuB5XQiUfcLrteJiCaF8ca28w0yDjE2y7dIb0e79kuCNxp9Y1JqI3hsOjW1G0rEI3i0mKYupcRyKaxzj7Xy1OSQBLIa/Fa8PZ5LTSw1sdZsSSs0M3EnrYOtG8Zk37V5QotCtmm5tAfYe2FdZ1K2GMEgFiDgnd8m0sBoWlma2Ubfg3VvXbl21UKfBK0IbXub3mX3rl6fTBpPyAnbjrgVYaF/jyZh6t+3dfTm/WruT/YeS2M+bsu/rXve9l2NJazFJuXaPKC11Pb1EqkW5vOFUgqX84kQPNN+bHvodj9VbQSWbXNN3zipLXTta6dMXjNptUCI0iZzrZa6Y59jnXFyDimFkhLBe2rJTHE0JCU0tjjRyEZkavHE6NClsFRPCCZ3klAhFNZ8YdULXvr74tt6eCGVldzIgWkFN8/I4yPz5WLm7tWMBfrrTY24pbVsUqY4RoYpEgfjLGzoxDa92Yzap5srubghDV1z2fbfxo5XpCh5TcY6Fosxr00+ZJBja1T6Qn37eLK7bXt81ywopfbBW7dP2T5Vr9Nlf5EWciDsdkecd7x+9RGI48XzD/Bnz/v0BbkkLvOJJV0MERDzWpdWQGkmCVoz1mKkhlL0UBSDuw0NUtsnSp/0bDXTluotPcfuWZV6LUbNsrVPsoJNiQ5pG8vG/+0IDU/eM2ef13kInYAmuIYYPXGG6p9L26l6j6iRzzp5je0KWaNtcZIjue7w2THE0TyscRbUIG5D2nqDvoUf0MmLdt1tMjb1h2vXx9KKIt5FK+ItU7znCF9RyvbKnaDicYwEV4lhR4yX5tWeqJHm7Z1QzYYuERsC0hQVzdqx82AcAt4xxIhWWwl4FaSKhU4EhQixeGrZsZJZx0jR76+c/mAXXXdh4Y7RHwmjsVLlLOYmlQDUwomDTVjjMBJ8YJoOhBCI0Zi0IRpxKoRwvWH5KmuyNPZdzh0is0ljcibhGeIO5wNprTxcTtyd33AuM4sKh+Mtw+B5vCzkS8WfE6KVZQ+XPPPl5Y7TfOExz0aqGazYu+DNiq+YllSbQM+JoL7pNL1HqczrwrKeuH94Zy4xzjPEkSFExjgQQmjuWoEXNx8wxIlxMFZgt9aLMT45oJ44XNUr5CmNrGuHnmwwqLaD5CmC0A3Qzdu1yQsQtGY7PL1pP4d2HQxxrSzzYhIcpAnu4xZOYBM/W/HVpkHNyVKcbMKt11/aGpRSeLy7A4H9fsdyPrM7TIxuNNY0WKFu36cbuZvbTiCnlZwz79685Xx+5M2bL5iXC+fToxmMXC42Yefa9ttCp/KOg2X6vnj+gv3uwCcffcxht+fZzQ0xety4A62UHOlEpMfzAPcryY0kCZwRllA5pXc85Hcc4o7gAjkvRHaMesSVwPnyAMmTL6YLfni4MN3cEHc7ZJzABy7nM2lJzKcTWivDMBCGyPHVLbv9wLMXO0IQYmSzHszNFrNUMxgZQmhIRXsaGkZc1XS76s32clky6XEmn2Zu9nt2MeKPAT/0cHChumAHaqdTuwptkrYJu+CrhzZhxyjkFjpQcmret62Ro5P9rsXEpG6y3afTeMs0HfmNv2HidHlERsfnb7/Lt/6P/zfn9ZEv3nxKYiYzo8woC+IKzvVVgZDTmUyi1mykPDXZT3EzIsaefdKRbPdXrrVpteQ68bvUrBDtw7Ui4ESQWii9fIlszW3pRadN9N41a0TBhobq8ToQw55JDkzuQHATUiNC3IYEQZodbGkk0YBMLYe2kSVLMb9SDxx2B8Zh4LAfKCVxPDwjhgGvHlcdHs+AZ3BhQ7bchqtfUY0t+D6E5mMtiAS8C8S4J4QDwe1BB9La1nYq1PYcLqu59RU19ngNQhFPLgM1DyDRUleiUvLCvD6iCXRx7KcDu+HIfrphN97gNFKzsM6LyYNCNfb2uMc7iF4o4ijOfKwRT9KVTOLteuBS7vjSFR7S+H3VrR/oomv6KhNXhzEw5JHdYU9ZM8XnTRIRxSLdxmhFd7fbG6wcB9sr+taxN2H/tfDaR6VNzk2GZazWtqz0RpevomQ16c+SV9aUqALOBUKwUHFxBSWRSmp6S+WSZy55ZSlpsxvr0yd0cIft4YU+3TVSWIOTap/Pamd0FmwizpSS8M4TQyCEwGG6xXJfR4uhqwXXiFSuhcBvjN1tomSLE2wrzK3b3Pah/aAT2fyF+y/XO+7rKNJkOR2CFnrYec9uferjCtpYkDZFaqM59ziyHj1YtW/S1AhOCEHNR7dk80Zelpk4R9ZlxnljS6qYz++2P+yWe0XJUljnmbSu3L2/4/T4yN37O9Z1Ia0tV3lZG9TepvBqOsyqhVoSazJq6ul8QlAOTV87jSOH3W5jcipt4sbcdoYhsN+PvIzPGZ8JaXrguIwoBqtO3Bixa7WfsRbzyHVEez0psVxmzqcTUcEPo+nWa9kM68dpYJwG4hgsCjEYVGtbjeaEVIsx6ftUtd0e2q6mbvs5odmNqofqKEtlOa3MjzOX/YlpmPAuIHFor5nulgl999/gYp4YkGhjvIoY6U2lrY+0OV9hjVy/L8BIWNc7zu5VQ6eEMe4B4aMPPkGCcvvZc+pD4e7ylsRCcQsSijWa3oIdusys3RyorA0By3QbQ2so2xS/PUO63d/dfad+Zfd7/ahX0B3E/rQNiK4P0B1wtqKLM+Jct1mU4vHqCTUSJZrlpHq0yObQ1xGEa16ySffESRev041NpFZctQZ68IJze2rNjHGwa9nld9vLFEublCuKtTnUibnZeWdF1s4b1z/Lptz2y0mwlU+p9vyWRK2rya0aslXa9S9UUlFSgpSaf/eqLRitJWONgf1hx3F3w35/ZDcdCDog6sk121Tc3NjUQVUjUWr3OlWHtHAHjzKEieJXok7E+mug6FqNTIiv7I47xmFiGnYs55nlfMGrSWlGZ3mVY7CiO457W/b7YPuQ1r2bwTt0u0jawQmm0QQM1nMOFwPiPYyBKo6kibUkWC+c50fOacFNjjDuGffPmHYjfsywKqd0IqfCTGFOC+/XE0tamevapr9g+6MngJ7BsCavsae4QDULP9cmQmnLI8UW/TVnUnGcG6V2HK3478ZbKkIYJgKKJJsMQo5EGQixPchNztPhXCsmnWzUi3//T9quyVUg36HJrbi2XkLFxPHedbMF07+taSGtTXMH26TcAB+gNpZwlxg1Y4dtojW4rqU1NO2xJ8aAVEyvvSbOD/fUmnl8eEEuO8J+aAenawScfqA5k5Xkyunhgfly5pe++20eHu65v39LyZnYG7ZGEhJ1zUqzNtlP4uIFPLx58yValU+/+212ux3/j9/wG3n+7Bnf+KGvm8uYWmHLa2Yt5m6z24346RkfPX+GOyjfOH3A43LHdz77Duu68mr3EaTIwy8W/Gom70FNJ7k2udzjwx3u84Gbl68Y90dyS7waRlur3L64ZZhG27mOnk5Arwopm8Qul0xVm4akE9C6D+9WIcCLFVrE4TXicmQ9FR7eXHi3ewc58TI8Z8KSvtQJKdnwl5PVWR97gpZr7O7rNUaa50P0SIXzaoQkSWZ0P3mLbtyIRb3SwjVdqU1fu2FgGg/8hv/5N/H6/jXffv+/Ez4XfuGz/8jKmRwfGaIwDmK8guAQ34xSXLaGgE467FIVK1reBLN2TzbugwVpWEcmuG34q52F1j46N5urwAXEbXA+OIIzWNS7wb6Wy+0zm592gsDAWCcm2TGxxy+x8TmM3Q2muV3XlcUvFgvpbdq1t81MdEppelXBmrMYEZ0wOY09KzXVjXXtqhKAgMmOrqpFO1O8N+QheJO5uSYzVBVEItHvGcKOIe4sDakKaTU0SfUMulCzEVfTap7Ui2YyiUtVLqlyfrT1XSmmmJAQiOPI9Hzi9avXfHT7Q7w+fsxNeE45m4tZZSbXxHk5WxNcbVgoyVvucGjXwNdWiIXgdoxSGfUZyzVJ5L/58QNddIMbqEmowS58jAPjcc8UJtKww6u7SoHwBGeSIMP77XMMAKSRMq47ws4Q3BistRcV80s1qzNjxVZV1mIMUF0LWZMZvA8DYecJ42jSiughCMUlVlZOy8qcjLGca95WLR2N6Wq/DsfYE1fbo5Xs4SotxadNjtZ10iA2R8/7RIwEUtVRaiYXC10WoBSPc/bvnHNojU0Gc10V2dqudepteuiFj77Pvb7c64TbXY2k76mu763z3QDfDtaeZ2sTjcHUW5fMFfb/5R/bbtf+tO2UnXfmFYz5He/2Ey44Ygx4B+u6IAE0qDkAedvpWwNm9qElFSMdLSslFQsbD5HoYzODqNf3BTb5UmdE2yuyfyftPU0lwQxfvvmCdV04Hg6M42jscwBnryXEkZQiWoxQE73j+e1rdvWAuEBKmR23lAvk8YRWR10MenS1tkNMSClxOZ8Y9gdcsPxYFy3KLnjPNI3EMRIGg4ttR2w78ZQS69qaUq3EoUc9sq1NN3QA63ekVlxxeLX4TNSTS+Xh9EB1MzxL7NhxiIqLk+3WXDNfaQBSv8euoE9Dm1oRM22omDNWwXbqChobH6KR97amoN2etTXTKGTa1EwguJFp3DMOO2KM1Opavm+TuUhbOTnBe2zXJ3AVxPeP63OzISbN9a0X4K7535KSmmlJv2G+srvu97Ez/smTW7zdWdZg1haPZ0XXvrho8ybW/gTbwSLqWmNUt+/XG1jjxLgNOeoP3xb92P69x5po155Pc3NrgwnmG+6dDSlF2tdqXue9odW2Z5YmBVNxeG/Z2c6F5t1dyZopNWMpPqsV3VakdWuQ+xnl0OrR4inVk53DDyZ5CzESvSPuAsPOzjijYJhNZYgBiuKyIWmlNm5CW2mJiFmkqkWBqCjVO1QCMCF1+q/Opl/p4we66I5uR7l4qnNI9UzjjuPtLTUV6pqs6KrgqmvU7+uZXxWzhVRjrNovruSr1pdt0FbtXX0AxJb8wUFoLiZlNgu/ZbHOKgrDYcfuZsewH617nwKyOJJfzP7x/MicVs7LGYXNWq9TeeBJ8fLtAMF2U6lNdSZ7spvee09EzU0I3x5Ie+pEbGovtZDyinfBZC/Utk9V/Go7nhiiRQyGZrkhV9j96tNiO6qtsnCddqFDyg06btmu/efpX6w3LgZdZuZ5Zl0b+1LkSQfcH1YaDGWyiCtk1b97lzO179/M+ccwEFxARRnzigRwwbEsZwqZ6iohRsbJ4EOtQloy82VlnVfykmyqqZXoB/bjnjSeSAJpXZrVY2dlcpWzPAUNxaYzJ0JaVlJa+fZ3vs1hbwX35uaGTz76xMhRwRMYUQ4s5ZFaHKIDQSIfPDvgRvjw9dcsGepRmO9X5u9+xloK830X/hdUjAC4LAv5/p6w2yPe88Gr1+ymHWOIBhceRvzgGSbXEBZ7NtK8klIy57Z20ochIs5vz1D/6AYoWsBVRygQCAxxh+DJufLm3Vvenlbm/R3HNPHRQRnlyOAnfM/tAyumrQHta1GxTmbL+o2DQ52lNlHNoD9UZT9Wg/+8266AdCi37acphtbUluojMRLcyH665bA7spsmajoz52L3gypVzZOuF/vuKWjng+2m+/pju/oN8SipGEu9G8D4xmjezEZCe7jsVyn2TIvIhtYM0RokW3tUrsEDqTG9U3veSytpEUsc6sWIrxZc3aqxvVY1gl0nWF7PygbTN5Z4qRVfKuIDthXu9/cGhZEEgmu/vL1XnQLan2GRgKqnVkfwHWK2ZnaIO4KP5omuptXOeaXUFZEZONvwoIL5vvuNuNUtYGuKFAKpmKY67D0xjozeMd4ExsOAZiEXOy+dd4zB7H0vxbztc67bRCZBWlym3ZtFm5Gl81Q3IG6PtPS6/97HD3TRjdww8pzRPWMMe6Z44DAeqT5TXMZV60wscEPJqeXH1rJBkVr16pqyeXVeO0l3fepBxQhJLVVDkE3rVXMn75g0KcbIGCZimEBN39XlL5mVtcyc50eWlMk1I+IItDGjOdGwef+6jUkI1hO4RsGvffcCW2e48RVoQebt80pbnK054dzKmsw6zfnQoDHrOIOPGKeq0VK0E6Z6X98e1trKbJ9028fGOO6derOH6zIcm/hks52stZBytuKQC921SqQVQWRrkrfmu/0yIpg1HM6JpQbaW2f5xMEeKBHHMI2E6klqxJV5uRA0ESeD02uD/5a5sMyJ+WzTbU2F0GDz3TgRvWNd9uZDXQqFFiLA9Vpc2aN2uD1lmoZoj53Joy5874vPOc8z03RgiDZxqQpIwPsdMd4yuImBSL0kypKpZaKkzOMXJy4PiXQW0iysS8HVQiHhguLcQCqZtC48PD6QVdmPE1KV/YvnjGNgGIMhMM2LWtVCEJY1tevqGirhtnuky8L6fZF7AG6tUL0Vfgd+CDB56s6xyJmkD5T5nt0pUB8K+3rLi6MnuD3eHxtC04c1aXvnJ4/ghrY4MzQJHq+KNDg+NzMI3xo/c1qzqTHi8L7ZojaDD62mc05LYW1qg5KMv/GUc+Aa8cjRpDSuoFRqbtdVe8ZrK7zano98Jf8F5+xeDSZd7JrdLrBoNYtaWsNfrfn2zlFyNfZyO2O2ZKz+ia4gorgAXhyDRCKRUSMxe1xqz6S0a1jD1oy3U4WiFVdL09d25QQbimVM9EKRZv7RVlmun1nVnPO0pFZ0heClLejqdj1CiEQ3EPxgJEusCehTf2gRmBZUYG6CJS/ksgIJJZOLo1RjY9tbXQzBW2fyutiqsA9USUxi5gs1LBS3NsWLtQJ5Kab18yaHCzEgTuzrI2ix614VHOYR4NpQoH7EiWOQI/HXQuDBwA2TvGCSZ0z+wC4e2Y9Hqi9Ul02vW5Tqmo9wsXSbqk3jVrsUxqCYXw5fduJPd3QSLOzae4OrbXdikJEW+0U1M4opTgzBftXmiiXOGMmZxFpnTpdHUi4UmgUaDhq06URbyIo99Fsb0KEnnD3YTR/au/hciqVhiLaUjev0WdtfTGnF4ViHBVUzOTd5jhEaes6nE8vFlI7NoS14vUNO1g5v5Vav71mfdL2/HtCu/U3n7GHpkhkjcmSWeabqE5nDtmOV7etv2Hvv3EXsvQgBMzk3mKs7TPnQGNTOMYYRGND1kVwzl/lMKIHdcWevqRZyylxOC8vFiq5mRappWH10+GFCY2C57HGYPEup0OWRbSLU9p478QbZ0aBNEWNrizBfLpRa+OzzzzldZm5vX7DfHfFhaj9nxPs9Y6wM3oru5fxAqnYglOS4//w9l4fViu4F1qUdCqwEhCEqOZvzkTw8sqbM7e6AFwgfvGAcAsPoUYFTM/uotZJSZl1zg1P99su50CR03XC+2ZTmhrqYV6eZuQi4sbFhd8IpnzmXt5wuM9Ep+pi44Tlxf8PkbtmHATRAscJmTld2UBsxrxfdq6RuK7qr3St5zThv77N4M63wTU/cp9+ytvVBMoQikVnn3CR+xXKFtRlfNA/qLmfpk6y2mDHV9vzj2+nRGmUE0dLOBBsEfTC+hrTw9LwZmVwBo6ekQOxEoIoVrvyE6FeaXro2rNw5s+T0wROcY4wDUQeGGvF4fLkWCid2/VTydSqHzQu6diTJftIN6RNaY+ocKv4KMtGbrUpNK1oyQazghuDaxNqMTYI0a8rR9rmd/t7mcyfWlHjnN010TcViLMvazu5MLc5+0ZLhqlJLIq0LeV3MU1+brjcJNUEZMzVWijPmsXp7VnM1Qp5IBrGii3NIbshi9c1hTMHb0OFF2nNgrOmBA6P8Gii6Lu3ZyQfs3EsG2eFLRFcsoKU4NJvtSl5N95m7KT6gbVei0jtKtgJi/U+7mRvz1vV9sA8I3iZbsN1Odfg1EqoVrZGJUUfGOjKUiQXL3gwymIep8/h2yNda0FaOtLhtOjLvUszZxfVlb98pm7dL1dJef9P6YZ1vA7usA3UdzumFSlnWFbOqjQxDtocgQAyRUgopJ7qPsjo1OcKTh7B3yP3Ave70Wqn55RNC00daW17bz2M/m6Jm4L9azKBrEqE2q2zf0j66OcZ1X+q6P3Zv2cUKbgjtNfgGqdEyfNU6+lwLRTIUJaWWjaqOdSlcHmdKarGBm8F9pSDEQRAfOR6PjGOkamJdZ2OJ17JF/D194TYlsU1s5skMrknU5mUBTnz66efc3CyIGxmCY4wB747sppFBIr54djoyaObt2y+5nAvnz9UCFNJEFOV4oMkuBsbdxHTcI+OIDAO0KbWUzOPDA9/79DOm3cirj17hh4DsPLUqac1UhRCG5rkcNgKVNVF91cGVGdqaxhCaOUUtyK6ie6hHyLd2353LGR3fIn5Fl5m93JCjsI8v+XAqDO7IwX1gxjRRSBXWVgRLyQwEnNgZL1XMb1qEoeUrl1xQbVMyticubWLrhZsOV2O+3JfLzPnxzPlxZT0bxBpDJB6PhJ0jTmafWft0rNXcyGohJTN6KSXZJDk0b3ZxQCC6ipdKkWpZs8HIY18tWBvnm25vabyCFqKOGb6ELsUTYQhm3C8RcJawZQQzM8PZxwO+7ohpQjWgy/XbiXbNryBiWuqcTHeuTg3ep2vAraAh2t5DQz8GBOctLQlVpBTLq53P5JwQMo7a7LAVLaUhJL3wW+D9U+QkNrc3I1YqOS+bDLDmlp1elaIBcw4Vm4JVOV1OLGXh/vIlc3ogpzPqFnwo7TUKKScel8TD+T1TfcezKbF7wqNJJYFTZDQSqC8OklCKtAZg3RBFEW8SVZvTiRKJ8muBvVxHRnfbRvsRrx5NdhNTBQpXQkwruLXZfCHmiKQYrd9qims0pd6t1g0eDb7RxMUOFzNeEJMRVYcrvjnveAYGBh0IOuBrRGoBLXg80QVj7UrfB7UNaZsOOskCp9v3dk2D15MtTOBekCb3MQVCk9C0wotWfIu56jBvXxulnKgVop9RVfaTHRhd05pzxknGSzb5iF4lCtqKroU4PdkJ9X/oO9WNxeybdvcKV7m2v+u6w7QmM2qoZZtKrUj2Cff6fegw7VZ0zYu3kyGcp2k5/UbI6ZCdaU51mxCs6TESji35HOuSTa9X7M9abErRoibnwhqm/bQjR8+8nhGHZa+WJwrR9n5vMikb2ACTcVU1cwBVWNeM1pm3795TKhxvXlKngeAnYpwYwo4gDl8dnomqmfJ4x3o/s9xBWgRXB4O5JpOFTbuR6bBjd3sk7nf4cWeoSq2ky8w8J96/g+kysr/ZMehImCaoSsoFRwskDxbm0RugJ/wku2e3a9pkIB5DjWqFQdFJqTul7JUUEkteSPEe9SdIFx7Z4R93HOMjIy85BGU/vm4Tj6Okst0n/X4zeZldF+c9QSCEYJyFpTYotEG9Wq3pMmZi3xq3nqia09G8MF8M3UiLMYujj8Rpjx8hjMKSivEoqpGiqAXVLrWBkgUnyuAVddpYwAouULXipG5yPKOYtPa+r0o6HC51Q3q0moOVhacreCUixsQNVsDdBBKEONDQHSG6gf0w4cqId5G8eBLtPn5CsO19am0M5ZQSeLHBQuze1Y5wVSNtZax5Lj7QOdYVcC2sI6+WWmRwcm1ELvshDbS4NuPOmcWuOHtfhnEkBvPyRgyqNhKa/V5LJhelVLc5wKUmAzxdHljSzHm+Yy1naplRzC5V2s+ey0LOZ87LAyceyNEgZtr5byxtJbZ4Uh/sGiBQSdRqnUtQpbrWMKi9V0EiQX4NmGPoxcTPmqBmYyOuWnAtfSMXyx6tam+mnfUNnqQTQYwa1DmIRtPpEvvGnq0tWUJo5IQrpKvZ2m7N5kLje+wKrv13+0amYjFmnbgR3Lh1TVVXg0W12lTpox0o2vcK151WZ3c6F6z4ijYST7OIa5FnuTaor5kNOOm7zc4QNWfWXOHxfEeMI6qFIU50n0WHEdDU237Gdnil7Si5HoRPGKEAm8uUFyRgcbuORvwqjYrVrk8tXGbLJg3ONH9ePLURWFztk3RrKKpBTtKWvBaa4LbdbQjdB/bKijZTB2VNth/CO4If2E27BjkKOReW+UxNVzjwOmmbY9BTvV4YBkQd+8MRHwJzi49067qBAlo7HGrXxDeCUM7rZqeIXif+h8d7VJVp2vPs9oYhviLEiTDsiN4MTzxKdYXR3bA62MXnBHIreh4fohHqhoAfAoq3+0SF/e5g0N3zRjlpEO5lSVxyRpcLpVbmxQwfpLqWnhW2HX2MRn6zdBxjfDrvGKJN7TmZdEWorLKyxpllfMe6f0Me7qnlBIcFYmYNj1S38Nn8X5iWL8grHMNrztPCfjhws39uvuhjoK7FEKukaKD5HwthZ/douZhOPs0muxvESD7i7HdnEANVYbnM5DXxePfAMi98+e5L7k93DDVyE2/42vNfB8OC31/QWFFXeKwXarqQ1jM1LzatAn3F27NntHv3SjPSeKL9L8U0z1tsX8eVGxHBN5JmrKOFaZTV4oXpTGDM8z0KfnKE6Bh2VhzCaKhO8IJ3A9FHWB11qRuy47Xg1HbRQIPuIdUEWZqlbKL62nT9gzXBWPNiVowrqyp+XcneM4QmBSwrtWYu68mec2zf1S04HNJc/8LmZlab/3uMDo9wnPbEEBhcQKoyn8/NAS61oSmTk8VSL4u57q3rQi6J+9N7Ul1JnEk6k0tGKPa+OXBOWd3CKo+8yd8jq3A7fI2scHAfEGLEy2CnfyOyRW+a9RKtBmhJtrcWJRfFeNp2/VyI+F8LOl1NYp1KqZsxQRG7qY3UaBeqt5Pdtt/1qbGvKnvPZuylzYbNOsE+bXWz7va/9iAZvGyEDCP1dCo7VrC2gqtXKzO87UQa3KtqLOCmmUc0tGLcyF1VrJiL7VOlYZWqbNCvcza9SbdJ4xpBZ7IWseInshUli2grLGmmaiF4268MIeIlUHzCY/uMim/9Sus2HI3RrRvU+HT/2sPPZfNWxfZ+tF9tL5WLkaj6tNQtH2X7gv17PCnw1I3V2iHkTr7YNMbiDAJUNqlGaSsGgpFwhnFEXNOCFks30iJm6qAd8OsVuI0IrW123iEE4jBSVYnDiGRn+7n22vq1L5TN5cp50FJaUbafyXbcyrouzCFwPj8wDJ413zLpBOKRtkttYYgENxJ8IoYJofEFnLfgeu/w0SNe2s9viEw3kh+HwQp92+GmYjvOnE2XuSzJ7tkMMQYr4M4h3jX4z1Gbp/C4G00L7a1dzdn2Ykgh1YXEmexP5PBIdRe0LjAWJFaq2D71cX3DysJYn7H6lai3JH1OmAKRkejHFqDA9iz1UVuac5WKNbA5Z7wqtUakulac7bXWpvldl5W0rJwezb/89HBivsz46hndxLPdSzQsSLxQfTEOhnqWAq5YwtNmWEG/LTo79/rsAX0pa3+jdKJjO3VUNwKx/Y1mw6gOaWRKqeCkhdjT9PreCM8uQgit6EbfngOHF+NKaJZW4NvZoHodGLoZi5i1ZKmFVCypKKpHfWgB9Qalovb5ZlBRWKs2xycjuqGrwcvFeCJmClLb/dpXdM1isk0QVW1YiGrvXfe5N9c6JSebcHOySNaSMylZ7u28zKS0Mi8Xclm5LBdKTWjI2y7YZiyD0MVh95usnOsDoiMP5R1DOTLIc8QHXPWNUFsQTO5UXbMN1t5Y9SGgUKox9RFFqsf9mrCBPAtJ3rKkkctyJodIqh4vFe8qtSaUwlYu22ShxbS2Wpt4vVytA+1ObL3ZUytE7LzPTU5kcWyK9t+pZHEUiSZlkEDVCyFn63qlMOeF87Lw/rJydzFyi4pdQBWbAJ2aPKHWiNIF5kbPN11cQqg0vTqegDg19mkpzaFqS+ok1eZ9K5nJG/P29sWeMQ5MMZJT5ssv3uDFU+rCLu1BC3lIJoUJxchgXprwPyFy1V+VbIxGLbpN5I3pZW5PAfxgU++SMisz83qmlop3QyOR2B57jCPNFd6yZ0vepu7eMhm8aQeNMZTbnih0prABSlqFXDw5GwTVw6lLVSsiwSFuMCJFXg0pybbvCu3riEIjckIoFismgSrdjMSzmw54N7DMmZQz0ZtsYINEW+CGVkW8YaLJjZSSOM+nZj1phV0DlDLz9v2nrPmRVC+8ePGKpbxiFweGENmNE955jq9eEPc7zmtinlfmNZEVUsEWrWt3nIIwg4+Z+VIsjH4w281hjPjg2R33dt1KIa0z928fOD+euX/7zlYhzuIfhyEarOk9YQw47xn3Ay54ht2IYGz6qoVcV07ljvv8JV+ev805f5fq3xOGxdLqfUDFrm8KD5R65nvlQsx7vlx+gcPlFa+Wb/Js+JAXw9c4uAO73Q4kUTNIrmZOIwGcWAKM2O7VdpbO1AvZ9rzlnDmdrMi+/fJLzuczb7580/gEC7Uk9nlk4gXHcQBXqJhcakkrQ75j4oHH8JbZPfBQPmMtj+R8QbUwNlJgiNYYmwdz70m1mS9YwfPN71dp91ZzyfB5wqknlhGtMBYFXxEKVWeqLhQ1Tb+WhM8Ol3aE2vJtvZBb7GCWZGERxZPVN5ja2mfF9PrqDJoOYyD6aDF9onZdADQh1ZnjnwAeXLAdeVrPpFK4kzNKpjqTzuU54XAMfk8VxxQGqog5VHvfOA22m82rRTr6KvhB0XlFfTCPcDUHKhsctKFVta22KsNQ8UEZpwHVwOF2IJfC43JiLYsRIGMixBUXCuIyNUby5LkrX/JY3zOVHXf5CxJw4BWv3QcEjciygig+mOxuHBzRRSY3kWs3WWnTbk22Tqs3SI7fV936wS66SSllJmcLs7dEj2juMLbIgzZViV6F8VeT/C4Cv8a42R6uHbpXFVrf1DXpR20wZ0VrekIksrSh0oqeqO1dqzd4MpXCmjNLKqzNW1ja5GRtQQG8QTlqJgderybhvZPuE3nfAzk62Qmqs1HrqUtQ1R6TwMb4NCMEgVJZ02zmCyHinWPNs+l43YDHrNhETC/nMMP63vHVWr/6/rknk26bqvt0uNH6266mtskfpbGd/XZAWUNjxV3UzDI2GYnINeWmRc71mLDt3tBOqJT2+3UX3C3noE+CVwZpNxLoX8omdt1+hv4/pL+OSAhGOuorhf555t7Vfo6qbMr6arF8Fgbel2z2cyiFZTkbc/YhMIwj025nkw+1uZVZHBtAHEdyBU3dN/oKabv2fqnmtkoxSZbPGec9FSVoJJZm/fcEWam5sC5LmyoraYjEphX13jNMAz541nUww5F5sPeziklwysy53vGgb7nkB3K5oJLAmZNal5ADqFiE3qKFVM+sObPWM4qjlEJgxPtqHrhqLHzXXud2yXuj1H912UvRjc9xebxwPp94uHvgfDrxeP9o5KFaECqBAOKIzoGYpHDVFVcX04RKMFWECHN5T9VEqoutYkK3Pm2Np5E20C4p3zSxV5Zud4+r1dZRQkDUIzUaCidi+1wykE2Lu9k3dlax/T0z67DfVaBtq3iywr3ew+1e6soM501lsBHN2oCitdjX0XYvSfN2dpaBXEtirieymmWmqsnrDCY3n2IXgzU/4tr7UTdOQ04JqlKj5RT3Rb1JujqaYZ+r4lGviKv2GDm/sdgBYlU7X6uRS70aimWs7p6MFsFFki5kvfCob/DVc+I9joHqXhpe0R93umzMOCo0YySbC5rtZ0P6pApSHN/Pxw900b2cE+95izDw+PAl07hD9kdj5vWzHrdNGrU0jZ62iLua2uHeC2CXt7QECnFP7AZtIinF3HlKtUmwpHXb2QSFEKwTyqVCLlvxq1I5nU7cPdzzeHrkMl+MyShmpt89UFUdIsUgEq45s6qNPLId6u3x9e0SeoMrc8hmmpBTg32N6i8iDM7kA8s8k9NCTivrsvD27q3tgBCTMVQhjZnUdlBjSQwxE3wgmNW0uRKpkpIl1pSmNY7S4rqkS61ks1Kczxfm+czlfKFWZQiuHUDGVO7wX8ldDnGFwy2W0SRX18nWdjUd0utVt5sHmIuSETBqMqayUzFPbhHy3ODVxa5lc9AzOUgjejnvrENvDEet5hWMGuvSNz/ecdzhXMYIYHZ9NovKZiJiX0PbXpyN/WnsUGOedpOQeVm5u78n5ZVKoTx7zlGPZtxfBqIfCTGy2+9Qhbv7R0s4aoQ4qkVPSrH9fofppKEQOPAPxkw+nx4ZhpFnz285TDte/PAPczmfuXv9irt373n/9i3n84n7uzu7pn23a4JYujOUbnvLzJzOlLBShpk0zuQhckFYtKK7jITMeGi6UmdQpNYzuZ6Y8zse5u/y2Zuf5Xb4kO+On/DJ8Rt8sP+YD48/xFGec1s/Iuregslx7GRiCJG4t+IXXKCUzGVeOJ/OnE8n7t695/R44vRoxTYU23+G0ApCGtBaKGXZeAgjhcllxnjgGGaO9cCsDwwJzvqe91lIuiCx2PVVgyPHyfayKWUyRrbqTYb3Db3yEyKBUkZrVjB9cLJ1OSFYya204podsUz4MjLVgVgDk+7MY7llZvvm7hVkRF2gSKT4YLvU1RAvIYPC6M19ax9GgotmJtQGkSqFVBLFFYovza7VGVQfBFylkri/vOOST5zre6pmRGHwE893hcHt2HlHzcmCCgqUGVJpgRXJeCN1ugGpZmbT5JitdW/ckPZ9W9Mgoii2NuxFdy0wLyu5fge/nFlJ4FNTnVQ8hREoDGT5jOLfcyrfptQ37OWGWT5m5wcmjuydpYCBE1ZjAAEAAElEQVSFYNLJoBj6WEZjNWOKBOP3dKsg4fubc3/Ai24pSsorKS+kPBOj7R4QoepVMVertIa972L7JrdNHpsu9MnvWwt97Sq7FV4vDl2j15YkbHFTfQqki9wrtXucLmuT97AV+SsdtL8q/co/2/dvf6dJirrXsllaSjOZaEWr6V5r96ttX85MPWRjcc/zhXWxODjUWM1mNzg3ZuFsml0xk2/onrHSdspGbKrt6/mNVMLW8YtcGcNdXP/UTg5b/drf6xKk9tNv+2cxpvkW6eZ6prG9R0/fOZ5OAX0CV+ucZUM4tLkRNeTiSYzghiZs94ajG1z0g+DKOGWbrEzqpE3SZf/RIocteUmrMTkRaX+34l1o00puX1m2r1+1kKqZZ5zPj+yniXEYKGWiuIKjNEZ2vb5v2wvrqE2bLNqCRdqz0TWmdpAU1kuAqqzLyBArhEAInt1ux7osLPOOtC6sNIZnsUZ1K+AiNHl0gwGL2ZoCfohUHe1arJ6UbXKSWImDYQ4S7bWaBtOMPXK9sOQLYI3TGBxeCtMwIE7ZlWe4OsDanpcErZex19FkMOuysswzy2UmLSulTVcO2cIRgvNGxhJByVc9OWaGAKELCMnMQGUvNyCFCzsEyDL/snuR7R7cOCXtwbB7uWnI8aBGHCx9z+qsgeyexeamZWcaySBaWQNoI8qF5srn2x0sZhKjq1KzQmmmNKKIM+tSp2rmFc4kTl6E7r7UEZNCeYLi2buxPR/OvlZTObPUC5WyuTZlWQz102zrs9IGHbShFRiBrE2S3lvKWwjB4Hd5guQ1mZqBA/Z9O1xi5E7wRXAuMg57clVCGsG7xqCuBKcEWQkkatMYFzmTSMy8JTBw0TsQNaTDmZuWqODUt11ZRyDaWkCMtEtbG3x/c+4PeNHNa+USzkzpkTW9ZxohxCOqDqqntEJlziWGNquq0chtrdQKmUlyhPZubkhziypTbd6fhVTsJurMu9z2xG3lYTc8UDAIUYHLPLPkmXd377l7uLebJBiU5IpDypNC330w2t5Um1+y1Yt2Y3rHftzjfWA37gzui0N7zWwNQofVUmPWlmQ5s8t8TyoL9/fvyTmRqu2XH8/3rNGC5Je0siZzrZrGPQe9tTjAYolNocHZy7o0m7ulvaGhwc9GAPGY81IpydKfUm65m+a0I2JuNKoW6k378Z3zmzez873YNrMErgWmex73VqU3QrkRp5pZm70zDbbK89q+SbvcbTR1/fU8gealp8v079IPjtobBoPFDV4Wcod569V5S6sxyLc0KxFKiex2Zsl5udQGvdvDG2O0xJOy8nh6T/l8NpjMKWMwadDpciEtmbdv37LMFnemYO8V1siU2qz9GnGrQ/2lkcOGOoL3XFRZzmcupwdCCIzTyDCM7Pd7Xr54yctnz/n8s894//YtD/d3LPNssqqq+EZc095pIYzDwPPbZ4zHgenZwEO55zHfc/funsvde+quIkNh8gF2juBNaLXWM4WVNVxIVC61MpcveDv/AnfLL/IdecX95Q0fHL+OiwduVXBn2+nNZ4vZq2m2vXItpGVlPp2ZLzPz5ULNhcEFxv3RUP7mWkTu8pwKarvc3nTlWvAl48qIqwtSYdAR5yprfA45c673vOMzy9OtSk3ZnimtJp/pDVpL1AlDIAaTmAjewgJUQYpFGjbL16IWFVmyohlqcbhLa3oHez7WsZrz2NiK0qBt7TEjNSBpwKcRvyoDER8KIVQ8lWmwYIyggitKWXNbZRmhqGh7HkXbcyDGovdCCNXImGuhupUcZqoU3GCch8WdqFJxOZJShVSvA0/rsnv06GG/47jfczweGYaJwY/YsMRW9DvE63y1oivWBvXijAwsa+bVw8p4eWTVTJEFDZEYhXHyEIJxzP1AEqWG9ySpPOh/IesdQ544yAvc8MNM4YZpGHFEnO6oElEGJFUkVyxdKhOcvT9UT/HfX9n9gS66ui3YE6leSHUk1wvm6WkenHagN41o4/VuU5hrO6xtsHwy52wdnm6fd506r/8MbAc07UBta4G2e1Kjti8W95dypu86e+e7hbgDzT/u+n31Cp06MZg1BsvKjT5aTJr3DMPw5IXYhxW7wuojOWeyN9NwkRWXhXEYN7crwZiOFuWWSHnFyWwaYbEwCZNfiE197QEqxfa0peQ2rSZq8XYAbr8Xam6EofagyH/1anV7Hd1rejO3aNNUu+jbtegTxPU6XSeDWq+790Z5tT+rGfkDXEdz2abc647QXtPV0avdH8LWmPXVugEQTWImV21j/2r20q/X2GBpMyMBWH2wSctCoJ80YMqaZ8op8fB4R/SBXdihRUmXQlotiD4/aVY2ZEPVINs+/ar9NPZaavMeLtf3yIFbbQKbl4FhGEhrInqLhBSEGAZiGKjRJGgAcRjavguksVOHceDm9obhMDA9mwjrgF8CYzji60hNjXzTdPS1FCqZlM0pKJHJWimutH2ZMtdHRAPn9MBlPZHyYkSbkqhFWeelIS5t7ZMLeV1Ja6JkIzs6w/QJbcdXxQiUVY1gXBsjX3q7LM3lScBLJQgtwKEycTBdrtuRWDCEQvrpYehJ19H169+BAcf2/AtqawmFGlphwjcTGBprPOIkIk6JYslp0kj1iJpRRKmmRlhLe35qC55QQhFi9XjNeLIV9yaOlH4etvPFetHWZLb/U72iPJ1ubTLMQhw9UxzReGNF11u60cTIwMiOEUOjK0supFxRZ0V0GoZmezowjMa6t/WFdcPO9VtXvzLx4uoTJLI9uy4QvDBNB1KtBD8iqmRd8M4yu6ML9BBBe74q6gvKTOWRxBtWCqu7wUsmyy2egJOA84q20InakMvOF0Ir2jKJv5+PH+iiW8lkhbVeuKQv8CkxrkKtnlIDDrP980SDCNrN45stYQhtd9DcVmp5enB3b9Pr75Z/eQ0a0O2BagdlF9M1DV9pzjWn85nH8yPn2bJ2u1tOx0hdNLMNs+60fYViUFslGxNTRryP7Kc94xC5nW6IIbLbWUxhiLEVrKZbdZ6UEznbwVxKs1TTyiUfSGVhv9uT0sLj6ZGSM+u6Amq7nFKZ54VlXRiGMyrKXhOESnSRKg2STHb4pWzNTggF5wthVpwveG9SmJTtgNtgPftRuTJqZIPJnbebuwfb23tSWjEtWxvU3/cuPwJMAtG8aUtrOgy+Lcb8LBZTp2ChFc4RhthPsCd3lzYoliev9QpF2LOm1jlrL7gOVddgbfskOzf6YWzXxxy3lN0OYk7WNKaV02WlayilTbaP8x2n+cSynPly/z3m84Xb43NcCWgRLvNstqEN7u+rAtcmObTtE/uP1KVnKOts5ihrXlvxsXe19kZEHLfHI7fHG4I4xmFED0djUDeY/HB7NBlIMGP+3W7Hbr/j2YuXhCky7Afent7y7vSWL99+yd27ex7yhVSyJSK5wuLPZGYeLicyheQz1SnVV9utxsrlckdeCg/re/bhOct6ZvUXmB8pyfF4f27WiMaPqKVSkxVeLQWv5sDmvDD4gBchr8ksL8WkUmsupsWu7Shv7klRBoMWS7bUHHaMKqy64y59TskFqR6wbMIqpoHHbSAacOVCSKD9t4LTyjCaVMcXt3E3anHkxRHHkWGc2LkDO3cglIgrzngZOfF4uiPrSpLFzkMpbX3QELgqjH7HzmeI4GLL5XEF1RVV37SsAlgurhS7l0prGgxBcfhokjcEUl7QsnB8fuA47th9/BEEZZ7PFj6Tj4y658BL8hnWR+XhdOF0npmlkEW5uXnGNO55+eI507g3mVNDkbqNbPec7wXXcosr3Qyny7GcCwwx8uLZa3wYeXv3niU7al0Z3MDNbk/ijotm1kYElSi4CDKcQJR1/o+4euBB78jyIUMdmdzHRP8Jog5XaVp9JeeGIqZsTlWlsKbz91W3ftVF91/+y3/JX/krf4VvfetbfPrpp/yjf/SP+IN/8A9u//2P//E/zt/+23/7K5/z237bb+Nf/+t/vf15WRZ++qd/mr//9/8+l8uF3/27fzd/7a/9Nb7+9a//ql6LC1DU9ICX8kDIwiUPlOopJSA6ApHAiCMQiM0MfNy0qoKgrrFL5ZcV3Pq02PZBuMGaT4qxbItJuI7RBnWWYqYMy7ps2r3r+S3bwy3a2uCvTNfXtJEQPDFGhmE06UY095bgo00dtQuj2PY6XgL4xgqu1+lcUiGVSE2FNY2gjpQS3l2uuuK2UMolQ1pZ1sVMBxhMJ9iyVGttsF5dqeLNMq1aPGDJnnWBdV1b0S1fmcYqpbX9v2wXhs360pEEnr4nT3feHZHgugtW3fbadbPZzKgUO5y0xwf2a9URESvogmvmIyaV6CuGbaRt73Ant/VX3FnVT/kAbcDZruE2JfeDxAV8wIxJAL96eiCHok1GZl6z83rB4TidHwkuEHSC6q57cbqxfHtvtU9Z/TX2F9Sm3r6Pr5WSOjnQLBRrRw1oySoK+2nHNIwcDke8MxtC5z3TYW+m9S0XeZhGhnEgThN+sIhCY3ib8cmWHIUhMZRMTRcKK6na/JAwq9O+onFqJMAYJ6bxwG464vDmpLRcyEnI69zc2ay5NK914xvQfIMt+tJvh7nt49tz7zApk4qFvLf3S3uQhXJ9liQg1XSdPgwEBlxu+9nmEeCcMdfx13cT1ExWtFK04NttJZIQlOAi2na8LowMu1t24chxeMkx3LIPt/jkkex4fHhkWWbenH6JOZ85p0eKJkTFVLma27Wu7X4olMa2ds685kvboadiofCSK4Inyth8080dygVHiJ4wmhxTULIrlGzhLbaySrgoDHFHZOA4PifUkSntqJMwqO1chzgyU0hS2e+PDHEiNJvR7TytpSGRvWVtB3ObelWe4EZtJ9cTnkKIDGFgiAMqiZJDI4B6giqelQBk8XhvlpNhUIJkAve4ukAZzESlfAk64uuZCIzBzGkVoaqjqiFDimvrpq9wxf9PP37VRfd0OvGbf/Nv5k/8iT/BT/zET/yKf+f3//7fz9/8m39z+7NBn9ePP/Wn/hT/+B//Y/7BP/gHvHr1ip/6qZ/iD/yBP8C3vvUt8938Pj/CpJznlTkr9+kzynqCZaG0LEUtA1ojkT1eBo7DLaMf2UtoNHlPg+ONOdgYn31KrW2CUn1y4Lcwge4oVKpJP/rtYQXVDtZc7OE6Xc48nB4to1Q2dNIM2cXhscQO6a5O2/czRqT3jnEc2U07Dvsj0zCwH44EF4hhoPvS9gJkRBEQsZ2NH1r0VUs2GZeBVFbGMJHSyjTsTWg+n0kpscyLsVCTyXtyzjyGQC6J4RAhVqTlyeY6U0pqekWHT4UYlaqBdcnk7M2tKbcAdKHJrTpr95oCRJcVqFlstgrdikWD6/oup9EWtD+IW+G19yJnm2KMxJWorMz1zFoW0mJFd+8AIqqWo2nkKtcm8XC1CW2Hbm8YRK67ZNckUt57tFaLREToCPZWcOkTby/eTabhPNN0wHvPmi7kDHlpjGVZqSSUlfN8z7rM3OxvKbkyuSNeItHv2v13ndKVxpjmClVvFL8nkHxOdmCad3Rjz7dZuzS0IC0L54dHPnj1mnjr+fijD7m9fcZ+tzdP5mgSpm4s7WJDcII1LyrG0o5+2Apefx1LXlnXhaXeUSRh4XSOVAaKZGPN4gg4bvyRw/4Vz28/4uXxY4IM1LVyfnxPXirLnG0H2J3gOsGslCf+6b7ZDtpr6L9XV6iiMNIO79C6b4NCy6pUD6g5D4lAzgEpkThMDG5H0NEacVeQoPgxUCmkauiFNe72/iZNtvPH+uyB2RoC3+REGjjun/Pxy/+Jlzcf8fHzH+Z2fMXN8AqdHbrCmy+/5HR64Gc//Q88XN7x5u4L1rxwLvdUTWQWEy5KQtRRtbCWizWgPlN1Zac3ePVcVsFh+9/gImEcCSGym/bEITLtJ4YpMk7RdKlaSKeBtJ45Pz5yuRQevnwkjIGv/9APsR8OvB4/gjWgp4AbAn4/sOZMyoVZM0kr3g82oQ4jznkzqdFClYwXe8a3oIsmIVJXeZInSPdS6M/WECPTOHLYHfBJ0XRmGgJj8Axkop4ZRFEZCFHwQ2WaYPAL43RHrB6XHqjrex7ub5m1kOrH3I4T+2nf7a0oGoxk56I17Jjm+PuqW9/X33ry8eM//uP8+I//+H/z74zjyMcff/wr/re7uzv+xt/4G/zdv/t3+T2/5/cA8Pf+3t/jG9/4Bv/8n/9zft/v+33f92sJUZBUIRQYE0wLOs1ocZQsZteWAyIFmJAwWcJHS5fomsrtIOrdaP9T7660Q5nt4IIri1n7/u3KrKXR3Gs2x6U1mcC+atMCtInH4u46m4dtt9vqOqia20+IxDgQ47Cxlk3horjSL7TfXh8IpTzxbhZBfQuNBrwbEBw6QHQZUU/KK8FFck6MwfScOVvSTM42PaQ1sQ6LFfRqGrWULk/gZUf2hZSh5EitHqnOGMulQIs/Syk3BzErtHFooQjevMJ6J7vB96KoGkR83QvbYd/JFkaauhaUdmXbxJQospKd/UpiesdcTdsdy7DZKFq/9CRKse+U+jsrX/3Vp8hOkDLUguuEu10R+1PXXG+IM92pJzAMEajIapN0qcmMBFhbEpZrJbG7ZLUJSp6wmLtt01Ok/MnrULpmuW5IQGc/b5M6ZoTi1Zq2GMK2klEaS98J6pylt4o0owrI7cerVLwIPgiXdOHd41se53su6YR6SwKqPoPLJDEDmSKmwa0t79beNY/owBRvuRk+YJLnRD1SZmGt5vWbc9fNC1pjWxW1Zrnaa+1weU+GEYTqbLLXLvVpulnp6Aliu1MPTm3GKXJ1vyqNDW5VoV9Xu57DYIYVQa4BBp1fEtyAwzOIiWNs7+nZDS/xsmPgBcfdKz558SPcjC95NnzAoAd0DpAM1RrjgTrBbjiSc2YM57aysvt9VU/RRK6dO2J2t0kVqWbjeVofSbky+EyQgX2I+OjZ3xwZh4mb/S3DOLA77BgGi4AseaHmxKUkHEqUHVFsMh39wMvpQ3bDgaN/QU6V07IYryTPZnLRSYtcI/1qrqgzlrEhQqU1z32nbqRLc0Iz5QPYdfDOrDPNL8Ga9xAcN7cHhqTIfGIcwTtFtAArXirRweAdIcDgavu1EFWIziMyUsKXkA9c6qeM9RlZQWVC4ojk6zVXFUNJvr+V7v+Yne6/+Bf/gg8//JDnz5/zO37H7+Av/sW/yIcffgjAt771LVJK/N7f+3u3v/+1r32NH/3RH+Vf/at/9SsW3WVZWJZl+/P9/T0AcRLcUkxysF/hEOB4sRinVamrUMXhyIgsyHjE+YD4J3Zo7Xy+HtP9/58QdrZf0A0SLJPXqPS1w3g9sL3BbTWp5cSuK/O6tD3kFbrqk6554zpch7faw061qK5hGBjHkWkcTccmnuYb0SZaO1CgPf9qhk79nw1Osu8jCNHtUKmEcaTGwhgnck5MwX5PuxZenhKn05nLxfaGqays8WI08BCs6C4XSkms6UQpDmElBCUl09Vqdi37E2oNoMK6rBYSXQQRjwnpjeRgxcVYuIrb3m+t5u3a5f7eK+A2E4zcLbraVCedOi7VoEsuJHch+YVVbNINxUzyYx3xKIM3q8suTbreEf3ad9kC16In239qsHSTq7nrp36l8HbBLw3GVWl+24FhmFBtKUxFW9Fdreg2CK1SNrTlOjjrNtmh1/dBttf/1Y/aeAn5SdGF9nP3+7ixQq3oxs2+T9vBWVuxbS2HTfoCRdpiRE16IV54WB75/N33eH96y2m5g5uEjJUaMtUnVpct8UmCwetdZqMe0YjXiYN/yYvpa+zda4bynDQ7Ssqs69x292pMqOyvu/8nzVfPau0BHAYpO5tApa9jOoGowdNq19s19MIQMGPalwYRSyP+WK6rwdXeO8ZpMGi57e8tYMO15zta0cVIUUeZmPzI69uvM7gjO/mIm90rPnnxPzG4GyZ5RrooadbNonSMR0PvxufUrJzCmSADgUBhJdRAqgtLoU3YmYJBzLVWC4cpA4GZKawMfsduvCWMgdvnt+ynI89vXzNNI/vDnhjN6zktF9K64FLCVRjcgSTK4EYOYc9Hh28wxR07PXK6nLk/L0YkTdmY2cGBBCuWauhIyRWk4IMV7yoOtFCLNfhebIIVGQyRbGd3N+wQcdSSMG39wBA9L1/cMq8Odz7jhhXnFqRm0AUvBXHKFMw2c/KJ6DOTvxCpDBSqgxQ/pVZPqq8Y60csNRK8w8nQmp8e+deK7veHLv9fX3R//Md/nD/yR/4I3/zmN/m5n/s5/tyf+3P8rt/1u/jWt77FOI589tlnDMPAixcvvvJ5H330EZ999tmv+DX/0l/6S/yFv/AX/qt/v+aF/XFgf+vZv4yEUUnxZPKvAGGKuBoZqUSBXRRG5/CNwGeOiW23UU3Ur03TC33ydLYTaQ5UliqSt90CyFZonfeE2GzygmkwU/MqraVCaJPwtvx3qHM4bfBIsSpZiznkIEqMTcIx2qRrBbUiVHOsybXtp385Xd1cnGy6NjmKb7FglsVrsLYTm6aLy2YFWTI5L6wpsaYVRyD6kdyIWM7ZoisXM3wodTE5ULV4vHVNxsyNDh8jPsQW/9bgzAKpJbMoEefs5+nh0O3Ua7rqKwO0FtttGmxqXTDIdgheNb61HXFlg+9UKlkSi84sdaa0JskmSLuPoleCH65wcGvI+irWXK8MRXXtILa61IhPTbTvHLhK+0HsdfT4DPouykywQe0aUgPqzG2q1MgwRFJy6Gp2inO+cIwDMXhC6CQzC9be8lVzlyrZlLvpv9tIbbmgjYfQ3qUe/tGJbb6lQfUkGO8D4zAyDSPjaDyI8zybR5I44jAQ93u2/sQJGppmN0Aik/LCu9NbPn/3KQ/zO5Z6IvoVNxSKNwg5ezV4VxJUwW8uJcpQnTFhy464HlAdWF1AV5rxhzUOpRaoHl9brCVXElx/L7Sfi3aRG/qjOLUG0kuAWig1UXnSwCBIe9+k2T058RaNGSdGv2OcJjMkkQXvnbl3jY64t/10pZJTJeeKlsZwzwFh4Gb3DY7jM77+4f/C5I7s6gcE3eFPz1AdWYtjTdm8wbGzZ1nPrGnmcppZz6mdZYKPptsnVIIEBvFIUFyolLq2va89/ztn0Piz/Qt2w5FPXn6Nw3TLq+cfMA17bg/PGeLAOIz40JqPBvM6N+Bk4NnhJft6ZP98YjftOMpLYh0Y8oS6gdfPApd1bvaMK2tdm5V5U0A4JauRo1wRxBWC78/JtfEtNZNSpXp7CcHRnLhsMZ6zPe0xWjM6jQHxkawj2WVyWSnNDpYx4SQxhMIYlclXBleI1ewuPQUfMnJzIQ93rPpdkgiXdGTnBsbhQBjNfnS+CBkl1cRa069Yv375x//lRfeP/tE/uv3zj/7oj/Jbf+tv5Zvf/Cb/5J/8E/7wH/7D/6ef1+GtX+njz/yZP8Of/tN/evvz/f093/jGN1jLzPNne/Y3gd1zO7iSnK2jAqJAEMcOZRBl8rbQ92cbFLQYWSprI5TU0uA/Z9BSm2xQhzbrslJy2+f2ykyDlm036Vpwuve+sUlb0a3GML3y1dukqw4pbgtZ6IQWJ6ZHC9EzToNR3oMxhrdoOgTRlvn6ZBW+SVRaOILtU3t36Bgkssl2RBEXUF8YYmxTgxGnlnVB1BP8wLpa9F73bi3NO7GUtZGpVhRlzUYiCUEY6kRsTN6qsMyVnJVSGnTnBHxj2Yqz/N/2q++muytXLbnJQQx6EumTbtcwt+JTM30fHrzHO4P5CplVF5Z6gcY0zlikX8orIIwbFtFmxEauw7Vc5TbJdsctAxesU7BhSdtqs7nmbGuLPnVeGdodilRbeqItSi+GwBADizpINu2uZYbx1jyjo7lyeedw2N+xMIcOp9ZtStcGd2vnCYi23WJDcOR63wJPiq3dv2O0JKb9/kA3crnMM0vKVB8YSuEwjQRtIhMROw29oBFKXlnXC3fn93x59zmPyx1LPeF9wUVzOiquUELjSnQOAxmpDoo5nE06MZQdYd1R10jGo9lg4BL6/ZiQqhZo366hto6pw+b2nlyRYG2ehk4tIckyYwpS+rTd67Pbzoj+BZwEvItENzLoyDhMaC2sJeOdBW+MU+RwMxmyUDPLYuualKqZVlSPMHKYvsaz/Yd87dX/04puekk+C/MbpSZYVvPUTqVSJFHIXJYHlnVmviysc7L0JRwuBmucokKIECN+gDDBWi7kulCzISw7P5p71PPnHKdbPvrgI/bjDS8OLxnDjuP0zJyZXDCERxQNRkzzEnEMHHcvwCmvX71iHAb2coMvHp+jwbg3ex6WB6oX6vzAsq5YwHF7MqqSaks+Ku3ZiHYf9gAWcwSsZG2RA20FotLznCEn2nPt8dExDB7xgayRuQhLMulYThUfM15WBl+YQmXyEEWJGbwq3hXEJ8LNzOLvWdfvUfLEvL5kGJ8hXvGDGWbUxZGzsmpm0f+bhNh/8sknfPOb3+Q//af/BMDHH3/Muq68e/fuK9Pu559/zm//7b/9V/wa42id9i//qLvE9EEgHOBSLwgF9bn5wzpygVozg9w0HrBHiFx1INbNdvcm8yjuxcieTO/aRc1XJrPlY7p2aHmDHPph3KFJLyTNXNJiuyetLT3ETmvpoVci4BfULag7oatBVcEN7P0zbsfnvBhfcDMerChWI0yRWxZrSfZ6Sz/QzXjdt4Nd6S5BlXVdEYTsLLc3+tBM2vtrCvSs22GwvMvgB/Le3LRMVvSIlpalqGpQd6kojpITy3ox27c1MejEUKbmcS0sc6VkY+3a+xZBzJdamxGINr888y021qU1IguqiZpLK8wtzrA0uK+WNldm29lHZSkKWrmvX3CWt7wrb5jLhaAHPANR9ogEk5doprCAL6RcjDARPErYvGRBqbXD+MY47yHctDQl5wuuqjFSnf0cTnsZhw41WmNnp7prWkwJkwU4UCl+5VwOzMuZi5x4dnjOi9vXTOO+OVnZ/rOHeHRDBXqBaT7Pm5kI19Sp2lCaEE0nPLoJ5xwxWOxa8IHQfw8B59uetCqaM5TKw8M9YZ2RXWRgIhwGfBSGgydpYc4r7959yWef/iLf/s4v8sWX3yOVhbjz+F1BRkWGiviKC8a8NvtKnkDzHq8DQXdIChbPWFdmvRDVYucUay5KFUOM2jO8mcz0Z1mkkWBsF23/wW1NlahiGwuPhAEvhVTFdpDoVd/ZniojPwZcdbjqCRIIEmzHrVBTRrPrjjz28xSQLPgccEUY5RmTv+XD46/ndnxNftgxF896TpA8XAI1K3k1hvGSZ+Z6Yq0z96e3zMuZ+8c71rQ0UqLJfTa5k6s4GRmCYxwCRRJV8gaJvzx8jf1ww+tnP8RuuOH18WsMYc8+PiO6geCHq6tfseY3rYV1LuTV9MGBwd7aNeI0UNbGsUjdAtczTUde7gcO9RlLXVgvFtN4npsXeOMK4Oy1W+MPJVm6WmgF2InFVNZiawGRPh7BGJuWSVdKhnmpZL1QWJjTibvTO071nlXPjLoQSHgKgUqoEJqRj++4lBTU3ePGit8L5bzncvmIsT4w1hPeHwl+ZBx2gLKUC09VFf+tj//hRffNmzd8+9vf5pNPPgHgt/yW30KMkX/2z/4ZP/mTPwnAp59+yr//9/+ev/yX//Kv6mvrUAg3ghsrSRfQgqhli/oQmv1jbdCVFV3wbUKkLey75/F1+9Unhd4db5yaNk0Z7NjYmi2sfeumO6bZGNGppO2ga8c1Df/bCrz6jOqK+gVVT00mrxj9np0/sA97Rj8QvWNtkgNt7lqllu2FO+eaK5bv3F77+tUmnJJbwXbgxSMDeHX4ZqLf2YI4Zzko4ghhQLWyhMVi25jJuZiLT0MFxFnAelUl6WJQfCpth1SgBCwgvto6OI7tKnSDQoNitUlzagsKqNjebPO6VgtK0KpIacSUYoUtl0yVSvEZQZGgFMy04yR3nOQtp/qOWRcGhEilSMGjW7hC1Qy+TduxJ9hghaBNpV0qdN0XtrlKmrl6D+luBdfYlX3yan8d5Sov0Ob3DU6G5mCVGevOHHv8yOgG9uOem/0NMRjpq6VB2gSL3XPSzTvgigb0MI0OKz/Rl7sWHh7bSsSIeo6huV6FZoxiTZCtBGozfcjzjK+ZfVpMZy6W+uNHSKmyziv3j/d8+tmnvHn7JfcPd5SYCIMgESSqvddeTYuLhRPYblyaINLjNOJ1hOyoBUrJFjLQ3mMi0Heq3TdRrnhF7e/5k30129TbpqaG+jihNeSmV62OjXAm/Vppj4xzuAbT2qrGt3WN/c3aJGtGbLNrYwVaQa2Jm9yBvX/Gs+kjjsNL6mVgTQ4eCq4IIVvgQ0nVuBZ5Zc5n5nzi4fE9l+XMZbmQS7qiW9XuJd+akIAwusAuBNRX8BXXYjBfv/iQw/SM17cfM8UDN8MLghsZZW8ezgT7uZttqykalJzUeonSmnx1uGJDhDX5iuZiyF/0Jm/cTYyNMHd6uLDMK2ux1C+LWJXtutS206+NBCfe7tN+L6Jm97vdx9IzqcUUIrVSszG4ixpSdJofmOVMcguDJoSCx3TSXpVOM916NangLkaiGz11eWDRE6meyfVCCAdrBsJg1qjSnMK+j49fddF9fHzkP//n/7z9+ed+7uf4t//23/Ly5UtevnzJn//zf56f+Imf4JNPPuHnf/7n+bN/9s/y+vVr/tAf+kMAPHv2jD/5J/8kP/VTP8WrV694+fIlP/3TP81v+k2/aWMzf78f9cWZd8Pn9qY/ZkKEaVLwhucHCTgXie6WyCt8fY3TI5pseS/lTFWaeXUvIFf4T4SNFWrPq+nAtGG55pLi2w63EaGCUryxmFYWZmbbWUVHajhrJVjhJwJnVv+G5B65xC8hHBFeExg58ppdOTJeBlI6s8jKOawUlFBGe+Bbuohz3iZpquk38/Xw7wdQ7GwfX6hSWWtG1JEW3+Acs/TzzjUXFr8d3MH5Jks6sWYlz1b8QoyoCm5I1GVhrRdSSayXlWGeiDKxkxsG2ZnlpdrXDx68z80AozSSikV+peb4UsgUtcKdqwW/a65ohVgHnAqu2FhUW1JNdjOLXjitD8z1zFlPzMNnrOEdc5jJvhBcJeqRkRfsKkzFZFcuGQEOLRQcJQQ7NMVMPaRiaSdqUJ7hzdawWLvj8KIUAXGpHeBGDjH0Vb5qmNCH0w5zMiB4anHswsoxvER2jpGR14ePeb57jdQdUoIxv7dG0ZoWW5aVrY1RYzZt++6qFZVe5B3DMOK9GVo4by5nrvl698Shq7cz9j3adF3yijaDBVwk7gR85v3dA+/v7/mF736b7336XX7xv/wX7k9fUNcVhoILoN72ueorBIjOnofSdKu1OqSMSDlSy4GSdyQnrLKwlHucKi4WkAG0IVcy0JnET+Fz5Aozd529/euW9OOE7o9c2i5ZFaprk7E2JEYySMIFe3pVPdRAPlsetFQIeHbOojHrnChiA+sYJ8Zhz4vpSNzt2IcXDH7P0X/A5G75+vGbRHZcZrv/l2rBKuZVnlnLwlLOLPnM6fwl5/mB0/kdc5pZWVEP+2EyO1J1zYsg4PHmRLU0J7moEGA8jAwx8mr4IQ7jLbfhY6LfM8oLMxKqhoAUzRuqlNdKToX5nElzQdS4Ht41T/Tk0SrIYChfFSWJ+Yf7Ggl1JI4HpjEi/sSQF0qAYV44n2dKqY0oKfSRgWrNY1bLd65Zcf6A8wMOxQtEZ8hDTk1wNgrqBZ0KazrxvYfv8Ob8S3zn8T+Sdt8mTZ8ztXWgZkVXyP4CrjJEa9ISDjSDFtSfGfYrJd2S55dcxCE54URxvGbwO9wwkslo/B+Up/tv/s2/4cd+7Me2P/dd6x/7Y3+Mv/7X/zr/7t/9O/7O3/k7vH//nk8++YQf+7Ef4x/+w3/Izc3N9jl/9a/+VUII/ORP/uRmjvG3/tbf+lVpdAHqkJjdCVEICQaBUIVQr5Ip5zxeBjw7nE44HVG1vYRqaVOr0c5F/FdISb3oPv3oqTLa131N/yq+6RIbs9XmPJvUVIy00tNCtgKvBm8VmcnuTIoPuOpxIeMQIiNePWQx2ztm5rhSnBKr4tT6a+lUXbEggJ6c6Z03olafyqWrOWsrctcJwzVms3M9+afB1S0AmhBsZRc9VT2lIXPWYTaIvULxmaXMnPMji65ElgbrQSQSCAZ7eXNc6tm8ijk5mQ1lbgU3b9NyrqnpLhsEqW3/3iREKrlpPWdmfeQxveNUH3gsDyT3huzuyc6cqKqfqTWy6ILHpBVaxaBAaJZuSlFsOhHXWMNX2Fvb9NKWg9CV2nKNl9sYzh1o6SBH633MJ6NPp438o4J3ahOH36FDxqmyG46MYU9J3sxH2m5xA7Sk75Z1Kxy/POqv/2WRbrhv8HEcTC8Z4nAtRg3BvwZ5CFs1R1DtZLiCpSbZnv/x8sDd/Vu+/PIz3r75nLv3b1jzqQUk2FSLU9NbtrHCIh2hM9WrSptmIlojtXiTm0ghl9Wi5EInBJm5i2ydDVzflPasSX/mvvrvbEWw/UiNPCV2nYXrVCw0xrjxLMyJsFlJFrOcpNrXCy42CFSREnElEuOenX/GMb5kF265HT9gCkeO/jWDHLiJt0iJZHdBpJAkUcUCILKu5LqSy0KuC2uaWdcLKc3kslo0pHM4HwjiiSUQXGByYyNShQ3axhnJbtSJgZHJ3TD5GwZ3IMgOL5M1j3p9Fi39qdiU23ygc1YEI5KFZt24yR4bZC+OjSGPevvWLhLCRKRY8d9NILDmBEnRXNvKql0QoTHRTb+bqxBatN8VYeriwoRiaJ/6SnGW3X2f3nOf3nKfvoTxHuRClQGVYIW8QJGKo2yriicWRiCKC4EaH9B4R5J3rHUi6QcMesS5G4KPhGFH1Pm/Wa/6x6+66P7O3/k7n0Br//XHP/2n//S/+zWmaeJnfuZn+Jmf+Zlf7bf/ykcpJ+4fjHW7kwnxnqqxpew4AvYgxGFg8iNDjoQcTW9VsSIsICFsTOTrdAigpKzG3MUmEi/Buq+cDZ7yDkLAxQGJA+Kj3SipklIhZ2NTeuebVaEVR7tpuudsZiUZCYMVP1xI7kRy99ytlWV+IK13lLqQou3pBllaIpClAIUQEHGs4hvDUvDe3Fi8D0aI8GZO4NsU36ehipHYiuQNZrPJ1+G9EYisQSkEHDhPqpisoja6fwRcJdWZpZ455QdcOSM1kMLKzu/54PAxcRgZDrYvkm7z6CpKptQmxdgKbW7FzkwnXPBoaLNdzRZjIOZCtNQzcznz/vIlD+sdX56/x1IvLHrBHRJuV/C7iAuOKitF7rnP32GtOwaXWGWPd68NNSne/GwXRXyxiLDgbE/qvEH4zhsxraUHmV64NtjWZA7adlVd+9pdy0wr2hu06/1shgA2/e2mPSqvOBwOlPKc/e4ZQ9izZm2Hi29DSNcnt7ey/XuaG9rTpCnf4OQQrxOu6YObB3ebBC05qwGqrdC21THiPF4UPEhwpFJgvvDdX/ou5+XML3zvZ3n//g3f+e7PcX585Hx+j/oVCSuEjAYzNxDnEBfaqtXZ/SULuAK+GQ14qDmzlpk5XzjrmVj3CAEvCfWeEKs1vC1hR1rhtXPZfob/iqCpDX5ul8TgablC9fT+Qja6unQUTNyGdlStRjhcFrO9cA7HjiCBMUw8P7zk4w9/iBe3H/D6+Ufswwt2/oaoB7wOuDLg1ONqRILj1esbSlIu08p8Xrh/d09ZF06XM7kulkWdMymnNlQ4YhjN2UwmvItMYWKMI88OzxiGwDSNVDHDiVUXkiZCGfB5INQbBr1laK/H/B0qlARUREozi2vrKeNOmhNTMK/kGAKuDSfiHWG/a6oMcCmzXi5UFdZc8LngS8E7iyS9vTmQpgHnLDjl4fHBzu6WYBViIIidu7Uu1HIh6ZmcPVUmyz8OB7yPxMMN6oQUVs5l5tsPP8+b83f42Xf/hlP6gnv/bUYWhlpYS2EtwlwyuEoM0oiVisd2yBuUjVKZ0elz5Dmsyx15+QJfPYmVMX4DiXtyrnx/NKofeO/lRCkrSKD6sO3atgzkXkjlGh/lVSgNvnASGvfEbUWoT7pG7DF4Q7VDUm0H1B5a6IdHy1xtxdRegzZnHPu7jqfa6Sd7TIzk1Ls5yIhbKX6h+IWUA65pZEtJm9wli8c5M6gwMk/vMnWDBrm+yusQIPqV6cpeTncH7n/b5EU0ApTzGNSidXOGodjUWSh2UIbSDk6DhmuDhrWslqYiUMV2puJoBUi36c9eYp/W2tvkri/TPkfpcX25pCbFSBTNXPSRuZx4WO94WO45LydSXUm64qOtBuwJFpwkqlQSjzgyi7vFqSNpwbe9lFZFs/nPCoUiJv3xtRiBp+2dbednz2h3q4LrYPXV9vRJERC5/pzbMNamqJblOdSRqkLVQPBmZSpS6cxt2ufQJuQ+vdGWF91es5UiYyo7v0naOkvZbcYXtCm5XeM+5fY/Xm/79neVdV3JZPL6yOP8yJsvP+f+4R2Pj+9J80ypK+ISIqVNivUJ1Nv15f269x0rT4hgbdXQ4gKLFmMSl9KMEtg02U+zS7Z3/EnhFa63XL/btd1o0lkX8oQO094T+WXXStu9alyDFu+Jw0lk8DuGMHGcnvFs95oX+6/zcv8BL/Yfs3O3jHLA5REpHm2IQrcZ9cFg0zqaq9YwjqxpttfR+Bv9+/V4T+fHRngciS4wxj1jHNlNB2IIjMOAedTntpMHpxEpwYp9jZZGJN0Pvduh2mTfL3lHTLqPljgDgZ0P7exMIO0c7FF8VcE5I7H2nXCpRjh00gq2ME4D4mBeL0g221wEqpi+2ntniIrmdn9K8+YeKBKa3WakOuHCwmM58/bylnfzG+7Sl8z1HYs74Sh4VbJWUq2kqoRqGWQeI83Jtd9sd4miFKrMaLwjpwnwXOoblAPV3WCBj2dmTnw/Hz/YRVdOOF8QiahE821tpIZrWbNeBan4IEQJEE3fKBqsuHrrURTToTov5Kykku1Gp5FEvDems9q06bwj7nYW0xcC6r1lTzR4D+zA6yqh5k1jBUwyhZlcZ1JZbF9VF3vAvXAevuQ8fskQlaEFIcgi+CapKXWhFoFGHFOKedv62Lryto9tBKpCIXdSj7QddSOAObGYvrplzhqM7oMz6RJ9mqrUckFrIs0LJSdync3jdD1zqWfcgPkyS2E9L8xpodSFpTzyrD7DF0+se6J08hHEwf45YHaY3snmT1tpcoJwArew1kdyXbl/eMecF94+vmfJK/eXR9a08jhfGsO8EZPcjnRKlEshrCtuWJluLvioyHCi6shdjqy6EPU5UWEs1vWTMyUI2Qs6VHKIqDhCVRCPb77brhF5aNe4m9KpaptE+11QW9feWPKt2evopxeDxhxXE/qqCa2JUhw1iaWedOMQhURvPqy0irNrLrUx2H1vAoyPELzByd4HQojttbfoy25iUqQ/YI1kpluzlZOhD1kSRQrvl/ekmvjy9Ibz8sgX73+JUmZKPoFWhqhkl8hccD7hQoZYkGjMZd0IZbL1X9pgXLw5FVWpVLGVQ67tVy4IBZfL1izaqqb9vD25q01KG9pgj1L7XqZTx9lBrtWmXSObtdflhPZWW/yfWqrWklaWlGwjUT2j3DKEkU8++BFub1/y9a//eg775zy//YgxHJj0Bj0LujryrGjSBs1XsrciEyXhJTDtjkzTgWfPXvL27ZeoU968Tbx/fEvKCRVlN+0Q5wjTM7wf2Ic9Qxh4eXjFEAaO48EKRjFuhCOhNSA64FaPKx4uO3A71EXUh7Z0qkBBpYCzHSsqlAw5C4opD3xw5sPsTZpYs4J3ZGeMY/GGSkmI5GKs5+oSSYVpghiF6EdiMBZ9qZnpOLKsM+/u3zAvxtDuDbcP5m4WYyFExQ0L4gdO6YFSHesaWGrms8fvcT+/4T+/+V8518+54+ep/kINj3Yts/C4mDuX97ZCilFa+GclOJjoErO0me9UCtWvrLKQ9C0Pc8bXn8fpfwLdcS6J0/o/KPDg/04f4uzh7F0ZdGu72izHjKFaaqbUvJFRfbDoLClik6brkX/SdrQdWtOt69ngt4YhdCcUF8LmQGXpQtLGnmu7dLXuq617NJF7tSCptv2tTUqSgJkkF1Y5ofEZLgh+8ZYcYzqoJ+Ynuu1fpBaq+G2va4zVuh022lJkpJmWs0292g7ba2Rft6yTFmG1TeY1mWa5dCa3bp2/eMe4HxFgcI53b+1ALjWz1gtLnln8SsoJCDjyNj1aZ9ttBnuHaa2T/Z5BVgoXkl645DvO64W7+Q1LTjwsZ3KpLLXbTVpWKbXd4tVR1kRFyXk1yDpWnCirXPCMLCwoAe+MUelasalYKLqIa7+bUbxU2SZduyfYtLtiLfkmYVFaF62y5Tt0XMEKb3/QbdpyzuE1INXeF2Met7/fSkYDSdmEbg0evk7UbPeyZaz6FqDeURm23e/1n6+T7maj2Owl+264NuZ3oTDnC3OZeXh4z2U9M1/OqCYEm8ilTaubb7arhoy4nnPc4vs2F6r2+p+OrNujdL0fKk/uv9ogcYHq2v2uXO/v7b3dvsSGLvT35jr/NjYXsrFRr99VN8lgbWiWd5EYJnx8zrTb8fL4Mbc3r3h5+BrjcDTbyjrhdUdNSl0VWSvkfg5soAJFWtPkGxcleKbdjsPxyHm+ZzyPFB3NQGKMOB8YpltCGNm1onvY3zZP9pHaYjc7Aug0mya5NGSkNPZ/6Z7x7Q1xV2hDUTMMapnk/b2U5uxlA7LSMyLUGQnNOel7KuhFq5qpTSmtMPem3wPOEYfJvOGnHSpwWWNDOJIRX7WSZMXJSnQzopE5mYb5UmApmS9P3+Nhec/D8oZF7kh+gebqXdTMdFKprEWa9hnWYmehw3bIxjXpCBINObXmZakLSR2pvkOKQi2ojly0cNGra+J/6+MHuugOE0hsWq0m+VjXfgQ5hJnKwNmdiDwgu0x04I8RFrspqnZ3qWsRco2hpu3gcF7wwQ6qNbXotODxMTLud81vuWc9ypZ4Yc9+QUlUsZ2WNCu2oiuL3rHIA9kSRK306kJm5UE/Z6oHXt28Yr+bUD/BWUmPZ2ou1zLY0oO6RaJxtjxOFHXmOeoa9Gw2ddBNp+1zoNQeVXedukpVJOlWZDeKPitQzFEGR/AR9YKLI3EXuHk+8ezDIx988wX//t/9e/79f/gPvP/8HQ/3D7w7vaOsHs+BMVbEJZwfyBptRyph01F2V6k+8TLcgX/gYf2cOT3y6ftf4uFy4pfef8FaCgnBuYEx3lgCTGkknDrg3IQTYT0nyrJS5RE3JuR2oPoBcXuSVlx9z04q3u3N+Bxz9Kq5AuYhK87M472P4JXcva1rI595MQ1z84nuO1fBGfzW5Szd7lNkI61dJz2HkftMz1vVm69nqQhNm9p05X01AFeLxquaqe/kuydtbHCy6cONJNjIfe21PF2p1KLUbEHqJoGpNgFRyT5TNPFwec95PfH2/fesqVrPCBCdQ6W03XUjToUCsYBfwSWUGdW8NXqu5NaYBFRDkw2198VfiYD289o6prSYRkXNiU6r/aybbO760SVWNC24tCJyTWiiX4Hr57QSvyVX9YLbiGnH/QuOPOP2xTOOx1t+5If/X+x3z3jx7BNq9uSzQ0rL904FyYVQDIlYa2s8xIODXNWIUTW1RLGJ29tnjGNk2kV2+4HH0y3z/Mi43xFiZLf7gOgndsPBdslusol8MXnOWha0rsYMN9KENU4CZYEahRJbofeGCnhnjV/FHJ9KqYa0FNPJ4iyO1IqlSf3WpaUPeQhBWhAGuBSAAtk07hZaZoU+BLEfPURwgXGAEHeEaWJJM+Nhz8PjPV+8+ZzL5cxpeWAOn7P6d7goBkmXhVQz95czS07czyfWuvBY3qNhRbzlK2uC7GDxSkjG9D8tzkh7UhiCchiM83lJie5yYKYwgbWqqTbSQtZCqb9ArZ+SsqeqUKJj8b8G8nQ7EeK67K+UYg5MyVlgs0hiTlZ013JicDtijIBrrjamt+swRu+cS/em1V6QuVYkcQ1+DYhvxKvGHO7+tLYTzqjmVmQXk1hIodaVwsJSTyx6JmmywmLbEwQzg1jyibXMrDXZQ0XAZ6Wm3MwEMDeXrWBejfr7wdlfC9gRbj9K18dybbO3IaMd4e3zSktq6QQVsz/0LYtY7YEJBTkM1GFlDY8GY4bIzc0tH37wIem8sl7Stj+0eMIJcQPORUII4EzmZViSs32pNDcqKm54BmHADTDmIy9TJQwP3KeVOS2c8wrb5jxjzUHvWCOoR6oYYzxZQ1Rz965qjlVywWtkZUYkEFxsNHi1/XTF8mqxHFy05diKa1NcI9rUlresdbOpsw663bOdnfT0lmq/63ZR2kyr5tTlut623ftbAdkK7PbVtv1jz/h96jTVzVOk7RO53gnb1636hM/Q/9ekQn1i7UhJR2+KrgaFt6Jneni1ZwB9oslVqjQ7Q01ULU27akNwVcHVgBaTTmkRrkNw27fKExSkBY/gxJCgJ+/Vk5/KiD7OAjIQQVrh7WPvhjo8/Uy9ohX9n00J4Fupdoxxh/OO54cPOByecRifM4UjoU6UKoYeVWe58VXbRG9yFLR5ifcxsYJltRqPIAVLI/LOs5smbm9ucZIZgmOYJksC2t+aSUPY4TCjjkq31VS6n8B1L9/uoqY5r80CV1xpsrd2W7R1Q6m1BUo045GO8HnBB9rQUhv5yRjg2nax0oJfXNYrslKFWuyUK87eRVx7353FlAZvWvjdZHvoeUmIN37xpX7JJSdqWaiSSFzImjjXE0kzSRaKM49lJ/Yz9XtHpDa7XyUlZU1NSumVWi0K3TuhensqXHuknFNSVZZSyMVRqliIiioJoTaULrlfA0XXiWm67D4yf+O1GBSSs1L8QHIOlz7n4lde7X4IEeXlcdfYZ+CqMKgt8r13LMvK5TyzlpUlLfSDrHbI0FnRieOIj4EQg8EsXA/PXCu1rravrWfW+sBSzkg0WC25C6nO3OfPmOsjl3pC1ZJkHDZNpPzI/foFd/EdB3ng2eFDbm+eUcJITcb0raosKVsE27ra81vAJqnW/bcD1PJvW9xb8yXe4LXNWMCOHS89iL00C0tj6DqwfWBw7GLEe8c0Bfwk7F4HTvk9n55/nlqF5ZJ5/fpDbo63SBLqXNnJnsnvefHiFfvdLciApQtNiAuEuLNpsLFRXZBmPwfD9EP4oCQ3k1h59fgp95c74i/8b9yf7/jeu18ipcS6LqAr1BNOohVOPaA6EapDNCKXAclKHRxlEOqYSTJz1ndUMpGAsmNwzf6wenJdmy+34n1AcMRgZvambbVJV6M3f+ha0ZKNZV0aGVcCTi2bVJwpc4Xmedxv6lbc7KZ212lNBHGV3JOEemF/gpdasXXb/rLDyNeiG7fiC5tCCtVW8NvhtDGeoe1cGxSqbT0izUlKlDCCp6KyUFkb8OtABpQ2eTsgGColgxp7vM5ktUlXU8VVh9cRpwHHnpICdfboKtTVeP6lxzo6tjVNKQZlqwbTiWLrnd4oAG1FcH0OvNJMbezvbiTKDbLvhbbTdfv1wFzUnCcskeqU/e6Gcdzx6z76X9jvbnix+wgvA7JOuKyEXI1QpNqKbUL1jNZkRj4AxbKRaU1DSYnsMiVlQhBiFG4Otxymkcf9jnl+JIQB5wO7/Yf4MOIJ1KJcHufWGFmR6V7vhop1tYE1gIWFojNZR1DLGgfTSVc1Z7acC2vqqoa2nhBLHApBWPKZmpW5LIhC1owTbwHxOLMtLeBcQ2mqOU1pFtBgmlps4pVoPJToImGojMOR4/4Vt8cPuTu95e3Dlzy+e8f5/lMeljes5Z463KF+ofgz1VvldBVistSwqFN7TkYqM5ULy6rkbNd5iOZmNgRhLULwMPhmluFak+HM43vVRMmGLubaJFGuucP7Sqq/Bopu65Po2HvPU6Ux3VxdUXfB6R1ZKm9Pn6FVOTx7yRgUpgEpDUZVJeViB3fLGbUux7dDy9vk4ezhsH/fGX/XyUCo5hGsGecqISikRJWZqiuqmbmeSXph5p5FzibVkUoQb0WymlQi5Zl1WVlDJtyMTNMNNRU0Jeuiq+Jjazb8aodL6S2tvS/bfgts1G1drr3u65jUD2zvbPe3ecx6ewi7dGiYjEQR40Dwnmk/ECfP8TggSdmXG5bzhV/42e+w301M08TL29fUj5R4ek4sO0Rs3xrjZP/sxiYfiRvD1nyspR0eisfkFb7ugcwxgJtu+MbrC6flnv2w53x54M2775GWhTWdcVJxkjEHIGszPAPkPUJE5grF24PvKtXNZBxLvSeQWVQJTAQ3ItqiyNretBSD5kO/D7w36UmhFc3aDu++C1WkKIqnVjNTaMpoOk1btO/n+57TSoDJVBR1gmvIi0jfG7cruGlPPd0dzYhyfiu6/d9rA242sp9YYeoymNSY4Vqr7e6zkfFqMZMIlULVZJNGnsllwdirCfFt0nWNt6AZfIFgEHNtYRkFaxa1Ki45uvuUmV0MaPJIDrgSbPeITVG124aKkRG1kSy6xl7az0n7pR2p0vZ+XbGCK5xPlwy3CV4beXAbsdvapu3jRR1DmPA+cjjcME07DrtnTOO++TgLal0x/ZVr7ezbFtxB8whX0FwaE759OxG0CEsplCDUYqQl5zxjmPAjxh52Hi/OiN79Dm+ytFyasYyUpuXtpDRL2FEPmTNJhcJo0LA2E8R2v+ZsbONSKr6xyX1jE4dg54BrBj1d2ZBrwldvz+0Ta1zXujpDrmyid7XNk03uZc87BmEDiMczMAY4ToZMfMQ3KEPizYNwWkbOJBLVZKAdfXF2VgndOU42b/veOFNhTXbxZ2/GLIoV3dy8knxDP8VhWJjaPrpmodRosLJ6Aypqbpah//2PH+ii6yXiaX242p6rqLZYO6XIiSCZuWSC3jH5I4+7O14++xiJSjzeGtT4aCkt67IyLzPn+WJJPk6Io0GlqBVb39JcfJNcSIOfzPKt2MStFjzuQ2GYgHUm50fW+kDRlXN9ZNULD3xOlpXkE8EJnohURfNKmVfKcuISZ85uIQ4HjjevQByaEzUbVJayPRTruhoclButvnaSyXUfR70WAPtv9BafHnvmfdfz9kPKJt4QDVKPgxnkj8Fg4ePxwLiLPH+5Jy4jj/WBn/32f+J/+z/+Hb/+R36EH/mRb/L11z/MJzff4O0vJJYHcDICkWk42m5UJuzIM9a196El6TSpgFRcuUV0wqvNI8/jc27HlRc3H7HkR97c/zxv3n/Gfyz/Kw8Pb3h7eYfFCLCNcZEdMKJJ0JypmpBB0eDQoVJ2j+SaONcM9YjXlb17TnQRkdBs8exgWNOKyxlRc+uSYQTvjAyzHe6NO19bwcLIVzk71FUjFotNo31PCcV26LWtPriSerStU54WXaFDro2Y4mQrsBs7ve1wXdeH61cZ9n0iNElHYkmXa3JPMyMp2VAPS6rJ1GGlSmLmkTWfKMyoZIvZBKo4Kiu1rriQLcrPZQrW1ObcyDFViSlahB870IirE2RPWD0uDUg24mP+/5P3Lz+yrdlZN/ob72XOGRGZuW77Vi6XP2zM+TgSkoWhR8duGjoIGgi5gRCy/wAQDbcs6CCBaPAHgLCEJSMaiAaigWgAzQMIdIDv8NkG7HLVrr33umZmRMw539tpjPHOiLX3tl11JEun5Cityp23yIh5GZdnPM8zsM1ELlHdiu6yTsq7cLqxynmV8GHHq5Of/AYlsF30XQYo9NFLRZpaA9Zaca3imsnymhVJVrDuxxtwjg+ef8hud+DZ7Yd4P2ixWqEmvQ/V8MSg9KrHo5L0n83fWw7brLifyz439l7Xz+3GyDQF9sNBtxfYNVGaA+N10JeqSGbNi/mJJ6rLENsl8ftCdY1V3iHMjAxavFQr0pqnlMayVvM8UElg8LbIZAgMY8QHITWHq0JBJYNrXvBRNe0dPfSu6nW72a3aLCHbeMaKbLFsd0FL1Bch+JHxcODJzQfEu8Dz9DHf/uLAm8fv8OnDyinBkh+1WLWEGYJ21S3reEcQ6/iF0nQXuQA5K9QdvLBknenGoKZA3ghVLigRrIl2ugqRq5SvYsZK3pH//2XhwR/ko5vd96S3XcSt0/FXMhVXKr6tvH78jJQS33v7bZ7sz3x4iNpBBQ+5kVKi2OxnipPKKqLKK0rWmyCaTs5528uJzX1s+1DJK7Wt1LZQ8kJrK9VgnKU8kmTmXO9ZmUn+RKFswVKqR4rgEoxhYoxPeHb3nOd3HzIMB8RFCNGqcV0a7huIVFrTWaIu5u56WkuyJb/PQCVw0WICXFyUnEl2usEDJhny3mY0QSvY5p0ZB3gQnb9Ji4zhwM3uKc/vPqIlz+tP75mke1GNNC9qTWg7Exxus5IsBahGbriA34AuHBdJ2otIwzXV80Y34NqBF+MnDDcD6cOFt8MXjHVHqXoukAkhEjjgGGjpKa01ZjnZTGvWJQVusS6ukltlLoLUAC1owJFmJvAYI1eUIYp6AtOcWkD2ZNj6TPlicUcThUQLlOqgVGNyYh2Gro6k6uiDviSjFeu+tLDrM2OzOKMzS3VW1xPupbvdGLpXM1stvthm/zkr23VduxHDqhMJQ1BabaQ6azCvM9VlVjmRypnWEk103t0kUdCkjFsg2LL6ulLTwpITmYIUnUGS99AirUzQAqVop0f2UJSItGmG5UJsqlKQlgy8KfS9uFZF0hPTV80xYJvVcpnXUjNSLfFifuliqy5E8LbST0SIu5EwRJ7ePmOc9rrvFSGnYsnl8tS1FDPxr8bgFVrzm0SrJN3vXKwrw/e4Vsm1UXKjpUQ6q7uxF9Qn23vE906+Xt4PDfxlDl9Qv+pUZ5Z8hpYQVznnQssjK3daIpYBR8BJVKetqq/TSbPlF2p3Gwz12q4tGwHV1ljTgg+K5jS0+XECwTndw1yNVGeOW7UKLXu91qWPP7o5RbNj2HTQ0uC2PSO4QNvP3LkntLLybnlKOjqWdmapiyZtBw31YqejF1JwTReX2F5BWhNyUd/mljSkFbtvddOb4EoDvDnSWXxqSpBtYoY4qJTu+3n8UCddSh+Sl0tnByZaVxE0dcXVFWkeUuB4fuTZ6//FOZ15eveR2eHFrXuptnd22k3s9gecmNPTaiv6LFj1gGbRS60D80pOM6Uu5Hom57Mm33amtBNzvWdpJ068I8nCEo8gEPzefJS9egln2O8mnh6e8cGzD3nx9BOG6YC4AWwptqvB/r76nDoJW7etFe3V3M9ucGw/7ftMTSPf6NRm+4p3WmFrF9HNQdSKT4llXveRukCzpAuRMd5wu3vGh89+hHSeefmdN7y4eUYYR2ILOK9wYRWoWYOij4O+plK1er8olCx2CkjW2SAXwYyIMMiI+MjtuONOnjF9vOPl8Bkx7zivj8zrEUJFfGOUOwIjnG+oWbhf71nbmbl8DnVF5AjiKEE3Q1GbdiE1MHkjWIhH/IUsV2zVoBfbjWxBRlHoekm6LdOKBuNcApRGyILgqe5CfrpOuuqa1o317QvmDKb/+jXfaNXRnG40Mg9DPVZb0nWXJGD3Sin9oxFMcrZOdyHnlZRnXX+ZmyV+WOusxMB8prrE7HRU0liBbLCyiWGcGaf4QguF3NTGcK6J3DKxRkILtHyAGml5p11EhtqcQvrN4+qFDNN1u3rPK1pBa1RGtj1AGzPtKlZsudiuny3x1stHHdhtx7pL70J3rBKnWnjnuTuoROjZkw8YhpHog0KyS95ghGZFjVooquY/l6oz04p2Xq1RVi2KlY4hm8xN57CZkhPJXtfgPcE5bm88brgkkG5p28wrmtAucG7LpKa+6HM+QlXnr5jO1Dhw015AE3IdDXEQlSVW4xx4RbWGGIjR665su2adU26NOL1/l7Tgg9NVi81tPxO809m408agiq1HbVBTR2cKwQeGsOMic2y2RhR89TxxL3giz5kOkeP4CWlNjPIpD3OBes9S34Ek8DPVrRQ3GwKZ8c2ro56hVTRNoLk46341xiVrZHSOvU0qFK7urbRUxGWQbByDPyRJN2Ulc3QNVQfctOOVrbJ0Vfdz1vKWeVn4ze/8X3yx/xyRwE18xofux1Rj+ixaRQ3TODIOES9KmuEMOYnOSnIhpUxrlZS1w815IaWZ8/LIkh44L/e8m7/guL7hYXnJqbxV3ZjMVDmBSwSvkSA03eNIrcQwMPhnfOPFj/HNF/8nP3r7R/hg/wkTE+QuhfK0brQvQYNOC/S9s72y6+V2LWX7XqvaxTXgeu67zffQhOYsc2hiUUaoSEfZDUC1QFxLY50Ta15ZT5nJHfjWh3+E9TSTzjMuQ5sFyUHlEyjZ7Hw8k0IFJoNY/TaDKdn0r+Yp7KKSv5qJXFUe2Gg1q9FAAmkDB/chbT8iL/asZWHNM4QZ/EqUnbrxzHfU7HlMjyTOPO6eUOKZcnitMF1uaqouO+LqkVQpKFHN5UatkcFPCotVnUFlOzhF6gUGttWCrWawGVujUZaIa43iBIrbbO+ciG2VSdvs0E7Stm2p2gIIJcuwdXHbtpwOq/auAuj+4X1E2ddYlpypVREeneHpvHHNM6Uk1jSr1WepW1mW26qvRRQiLag3cCqLsfTTxjwXqbigQZZWSDkpybBETSxlgBaoOapxQw02tw80Aq1N0Mw1CXOJ8xliooaVIo1alN3tk9pHFkmArqXUK0c7JgME1OVI7JMNHejjlmu51WVGqluElDA5TjvCMHBzuGPa7Wzrk7M92xqLeiFU0XujdO+A0hSWLG7TvV7QirpBr2mdqbWSshLFyrpScqKmjBddM/js6VOmaeLugxf4YTDYtLKsK7lWgvPaCKTCOs8cz/ec0z0zDzR3RkImNE8pA6k94pvH5YMSMOslLXjv8UEIQyQMKjkT8yzo57nPjGstrOuZ4IWazfevOt3MZBpk19o2l6+mvBCU/Oqdnoucwiaj6xpsldg5QtFVm7fyAWPc8X88O/Hk8BGnnHgzv2Q+/m8SZ0VBRHk5OFXcOa1ZjULRLWyUSCUARYsH3XYlWzzUUKjxqWdgF4rJ06xD6Ez+7+PxQ510a1Z6ejcebB1SQovNUnUOJVVNvNf1AVdn8vq/eTu9Zbe75dn+I8a7O8awY397Q5dpDDEQg843BEeoBaThFzE7tWTC7VnJIXlhTWeO8zse57c8nF7xmF5ySm85lrfM9Z7kj2RZaF4rTe/0Qto22LSK95F9mHjx5GN+9KMf56PxGzwNz/HzgCTQHbzVSFwOcdHCcpeoBLa0aOxWhb6rBdmCmJc00GP61kn0S7Enu9Y7gi5Z2X5RNiSr1kZaEikV0lwYw47Dkz3rcGYdZo5vdOE21SMtUIveTMu8UgLEuOB8xAetrGvTi7iY4QHSCL7oBW4M7Ca6fo2kr7ECuMDkn+DGPfHpk829qIV7CCf1u20emZ9SS+CUTiTOvAueFI4sY6C2rLIg8bQWcNjcvihjPFVRna7zVuyIQmVF52vV5GVNtoMKhj7UkjVxJt0UVb2A96ozF+36a63UnC3ItK1bu+wVtq0/781yLWhcdXe6GxrVZnI5T63qcW2tkdJKLRqoa5/923KJUlZy0s1OpRQjfUEmW6epCTrXRK4rpa6WkBPNSDtOmna5op25QqwNiq5zkTxB87QU7FgHXAt4JhqRJrqLuVab9UlVX+aQaT7pOa+B2hwhF6Q5qtfirFZnx6Z1OobCna0nC6jlKkhuo6mr63uDTx1eNO0Pw8gwTex3e03AXpGwVPVY9kSCjRe6bWOpxdbhoVKoelEWbEm/6TlYV12juSw6+07LTF5X0rIoemIjo/3hwO7uBhc81alv+ZpXhWPFKeqRG2ldOZ+PzBxZOII7gVvxzdHqSG4nSpugJt1aVlS6J16Z9W4I+BjxMW7E0r7YpS+CaE7xjXXNxKCoW/eA79emuH4Wqs1tbdzVdMxUsuq0S0g0cThTpjTzBHACvumYah+fMLodn9xmDuUZ3337GbVGPjt+TmkVkTOIqgSUfG7Ss+0auKB8raFyQmdxWARMI99xQCceIWzFA62iBpcZpHtDNL6fxw910k2dIUq16r5aYrAEYbsVxXaptaBEkXf5c47nt6RPZw7DE757+JTdeODJ4bleKEUY/cToJm7GO6awp84Ksz2+PZPXxPlxptTM3E7bzsY1nzmt7zit73hcXhuc/Mgq92R3pg0zrRvoC+yLEYhco0km+ZVpmBimFzy9/TF+5Mn/k6f5E/b5FikRqQ4X9wrzdhix9eDf2abaTWmQNemKOMT1RN3wLW83OXSh/7UEpbsJATRj8KlTV3QRL57oPd55otOktJ4WaskMWRnhrI2QJqRGive4cSG0SA0OYQB0/6STxroeNbCVQU1GvGo8N3hQhLJYqWqvyzvtiFsxBmgFkM2U/ibeXLSC8hykWMHiaONAa8JSE4XMU55T3ULyDxSSLr/OSW0u10pJjbJUWoaaUOitrWB7Vr0oXK4VuxY0TpS9SoVaV2iJlhZqKWQBQtDVad5T84CIqCNXawprq6YIVbkqwlJrIZVuQ6rvVwEPlQGJ/U4fedRyZepghBjlHWgCT6sm1T5WaVsyLzq3NbZ9M+MW/Y66p6W6kmviPr9jrUce1reUpp7WeGc7WxPSZi36UqIy0AiEfEDqwJAivjlGKqOPPJvuiOyZ2guQkeb2LClxXldaO1NZWP09PpwJseLcDllukBqoSSi1UeOCSOCyTUJJWGr1aIQp63hdRwu6MOsKWaA7Enm2a1EEwjASh0kN/13QLsmKr9ouSFvJzVACJWm2oqQxV9sm58tFUYtUkp6HvFJyZp7PpLSyLGdySqQ0q5VrSXa9Vx5mR5GFJX+IrxGi0zjim9alCcpcWN8trMuJZX5gPbwl7+5Ju7fUOFOdJ/mRY/kCoXFXnyJVu3a8V/nbKLDztOAhqEYZ56lkKpXsMtlnWtTiYjnNxDVcnPuyjeA6SibQWlAUR7wm7FopDda1kF2jVVVQDGG4DL6cog6pVlJbN8b3GCfE3fLNu48ZQ+Xz48SxzNy3oknaTcriJpuRh7H/zfjxwn+QyzWjFTxdVbDxBPqYzelYSIxxf2G2N+D3t4L8oU661WCLXj9B21x6NjF/1UpXDA6prjDXR6iO9X5hCDec18puvOF5/gC1ahFGmRhl5Nn+BYfxFrd6WhaOxxNpycyPM7kmzu1IbomlnljLzHl9xzk/cMxvSBxJnCn+RPOrQhJ9kTRCKLa3UpKGMpdpQfDDnml8yt30EbvTLVMb6du4vR9AeV9WJRvE2zV49rg2qtfRc6/cm+pJW7eh67IIrSi7JrPPMTphostOBj8QJBC9miyoprcoGaRUQvV0wwKpAV89wVVa8EgMVOegahFUbLqc84KYC5Uujggd9esnbpvbb6SNahCRJd1azOHYNi4Nw2DkD2McNxBbyt4GLdUGM97Y1YN6+8pMkZXMyTTWR9Y0k/LCOmdKKqSzJd5kxV7rCm4V9KuvcgN03ZvO9zLSiup2c6GkRS07g0OC1993G8bAhXmrTkmlKVFLZ4KaMOkMZUsYfRyAsF37PcHmnHRemwydyRq8U1pV453WqyIM62AKhYRGz0T3wM6o5aguk0jM+cxaziz5rN8VRWOCF0rLOFZqTdSaoCk6EcqEq5NChU2IPjFI5BAPDHLDAUu6/sBJzlCPrDWR2pniFpJLtHAAiQap6y5X3fSYrwrwXkRy6XKweGAdr/Jp9DsXiAKFCvv6KNfNcwQXAj5EY4T3WfNWX7HZr5ocqpbLR6ko1GqoUtcBl1q385JzJqWFnFbSetZONy3WQZcNvk55ZklOx11mTNFAi4uiF01dC3lO5LSS80xxZ8p4Ik+P5OGEVE9jZCkPDEyAOuZRizlFqPmPRLO59T0RiZG0VTtdzLqyuUbKiZSzxl02wOxyXffesfXe0PrDphp0VxqOTKsQ+hpFbAgmuoav6MwEQfd5i0w8mW7J7cjOB/Xft+PssGvE4P4mZbsm2F7N+49W+9jm6rvW2dMJZPRRn9tY7e4Ck/yejx/upFuLecqo92e/Afp775r2nFeDF9TGTHfAQikrS7nns/zreBf43ttJ75wsuvtVona6cc9g0OR6ztRcSbPue13liIanlVITuS5kWclx0STqCtU3qxydXpyiEFQYbB4QFDLS5JlZlpnj6ZE3D2+JPGcXvbJoq9iWnobDZkebB3J5P3Bax7qFAgHvZSvmKwrPl1JJSXWZpSa7S5St7L0zBrcnxqi6XJl0b6cZLOS0aMBIFrhcNI2xkkZKrYgfiLuRGILChV1gXiyAVPVlTWvC+aKLBPr2Jumz5cu8rUkjZYXz0po2fXJfwB6HgVoaMQ4MTR19nCUoJ+okhhO7diqBYOSTSV3D/C2l6f7inBOlZNKqdpDruVBTYz1XNXlX4yu9yanQsjHpk2rAK9CKFS/KeFyWRHJCHKBJtC1OqlnUlYqRXDNpXlU6gsGT7ZoEp0hBLWIzM7Yuq1Vdfl5ypqRESskCui1G7zB3uRDurOraAmmVSg3dNSnplqu6spqU6FROpLbyWF+TmMl+tmMIEjxudLpXPkYN4M7r9dsKwSdd+O4nBhl5Nj7hMOz5kSffZJQdO56BDFTZq9tYOvM4HzivbxCZkVSoLlCdrrZ0Eqw7UWekJuBLAqczydYuwb2hlp2qrbRxSm32dayj3VKBFqhiSI+tsoshKvC4Ffc2D67dNrNQNhazjQO2n6lbIs4pK1Eq2TW26MeWGlTRPeBDZBwmk9AZ7Nka3g+EEElr5nw869YiW6ZRauE8z5zXBx7KK2b3jjodqcOZGs8kfyK5I9kJCzNfpO9xzpnBf8zAHdEHQnSM48C4Hzkc9nhxV5rghqvqOubRGauP2t3eL/cUybw6v2I/3HAXn6pCIVsBUypI1TGMATNUdYjPOZuVQKP4omnNOYL3ai7TMDTBSIGI6qLdwOHmBUtIxOEG30603M9gQfr2NnqatRyxzfm1xhKa8THMd/5iWNab9e3zzTe6/3MO5/4QJN1LN9dnj51V2rtANkKJxhUrB8VZklOCTEorWkt5PRFF1HKRwJLuGcLEIJMuPF810SXbtpLcCSPl22xZaeTNFaXGm/1dc6gUwCAWjGyhLlca9Jx6IlBKYU2JeZnJQ8FwEq2srHTsrNjrPv/rP37dP33UrSPqLOf+3OjxEMF5v22kCd4TiATxm2tVJ6v1rlTEK0miaYeWayN6XQrhiFCdEWAa2AwzbxIWHQ+Ir1uN2bfFbDNMO6e5aNLQwNWM/OCoXj/mUBCXcdnRbDaFzZScsXm9QO3md64hwem5CJ4qqsErQSHZHHW8kFympMqM6kyrWAdeC9RMKzr7b1si09vcCcZybJb0UIZnNemQiMJtzYMEhdxKunj92set1W9mQtGRHTt2qsku5LRa0l3JKZGTMpNVf5u3ccSF8tO2zrCQN1Soa0wTM7mtLDYnP5cTqa6sMlNYdGzietIVtQb1TZELpw5IDYHa8L4RaKhgL7Ibn7CLN+zH54wyseMWiFTZ4XzEhYHGgkgmF6ht1SIUbwtK3KUgs6KjNtXZKpxo8qqte7ncHs063uvbRuQCJ0u7QnpMUueczSl7wtWbSccCnbn83r8L+sDWBVeb81ctnO0f1XzIxIOPhubabtngL61jU0lYq5BTAWezayN1rYZArO1EdgvVJ/3nkqI5suj9QuVUjjgmFjkjMhCdOtBF7xm8FRlyMQfp17S0HpPctvQl1ZU5e07phPeBNjUlgDZRJn4F5zW5dfcwsVjT5+pVlLiXizKO3fYzV/FuO99qrBLCSLDdwiL+glhspZYiUkrOus4h/f8UDRQu6ODXJ1zr1IUrZcAVr+L7ePxQJ92UEiEo+NAsCdR+Pq463p5MmooO7eBY9SuVFhd6ZOzD/4oSlU68Y8YTJCLNUbzq93IsNAo1rBuZq1lXouQLsQr/opWswVvnprPV0hZU75UR8YxuxBfHuiQeHo+8fPOauydHDofE6Ee8i5gNuXZVgu4n7fBGhyk7fGUPLUqUndq2RNVnetU256AL74O76PGCZxgiIUaGIWgXmSOuigbynDmfZhqNOA6IF/zgqLIY/q2yjuZHCIEYp82ujorBahW3nFVSMZ+prbLMi3W3umjCe48L2vkmMyfphvPeRZyoV7a+WWWtz/NKWguLX688n1VzPUyqs3Y+GqKolbM4BWs9o22wqsjoNk4ATUizJtv5OCt0e56pJZOWMyWvLOcHatEVeFKqolJOA1Zrui7x4TiTS+a0Vlz2yKLuQsOwI/gBpLKuifN5oQeY3vm7oJIVF8L2tYaiOaUU5mWhlERaZ5tLr0ZgKqY8VfIhrnsgVyP0GMwpleQzLTRqLOo4lU8c0yPzeibZTtu5LrpH1z/SfCbuViQ0wiSIb+CFZk5dImYuEvTa3Q8wOeGm7Bi549n4Y+zCHbv6CaMEDhKpEikMjBFuJziME0t5xvH0mjWddAdsizg34F3c5oOKIwutJk3yLm9RU8wf3W2FnN4bilc2LuxTuSqUjL3sPT4EggtacNqygm4yUrIthNgSp8HdogYvtHZBH3IxdEbVBGR1ZxpdRPyA2x02HkUYPHGMatIzRNtiBeuc9PpbdW3esp41z0THsp55ef85a3nk7F+Rx3va7kjevWOJrzm7N6xyhBDwRN6mL0i1cFc/48YXbvcfEUNj5zyjeCaClWOmjy5NR0RVbK4ZmPZ7Eiurz+T6yHfe/Q4v6oc8uXuu90/x+OLxdQC/WMzTrlW8101a3l84CIYQhKCeAiE0NYhpWmBpIvY6N8dT8JQSyFmJdz4MIPo80grenKpqFRu3deTMYknPCiLvbeZq7SoBX36Ki9Obv7hu/eHpdK1KoSeb62S7/eSXPl5VvU7NvreRDnawKTScuu/gaCREVBJSncIfjUr1yboF6xkaF9s9760x6Y5D/ebvjL7LCxbAi1cf5KIFxfl8ZtmvpJII9ip0D7BCM9dptcOL28KF66R7xYxUV6GyGWUA20UTgn/P4s377g7lNzhFLPnUonOqUuoloHW7TCn6ak3Pq1urgwZeCWYJp5b4pSg5SI+7u1gh9pmQk0snY8lW56YAah3XKmq60Xq4lPcSc2vq/eqcRqxSCn0OK6KQuwBUxbu0ovdWM9nqRpss+VaovuJbpORMdoGaM6uDlByUmZwbtIR6XFdzM0Ln3eJwXhco5LogqKm/czo/azQke53VlZVOJBEXLlMkuWwmwq6JWhRSzpZoc9JxR6lqaVqawnpKCmpWKKoVYSHbJF9pUnn7eiFxVn1n1X3JuWryXmXVn5DVtLhVjVOiFZyuXI0IrGsk4ygEp5ycQSIjI4O/YZAbXN1pEEOZomrWLBos40ER6rwq0zUJbGYVTjMksrUkl6Uj1YqqC4qzdSRXaJh+0hGWC2sV68hch1dFbIZ3QdN6Z3u5IftZuxS8PYlU68Kv71Fn6IULdh8OUW1QgycMgWGKhDESh8Fmig3vVnLKzHWFXJCqEsZWdXyQykxqM8Wv1LBSh0TxC0UWdfNSKQTgSCysbWatM9ktiFPbxyCiDnCFTq3Y/BCcIYd9NqsFewAvlFp4XB/Z5wOZZJQkZ/dV/52tkdT37zRuag2kx6c0ldIVX5REWk1a1Ry1dcBHG51MIxdFNC859DJuuzAmrjLoFh/tud5r0rSL1lvMfqfZuf1yh2vImfxhkAwp7d4u6sYGlV7kLpd5JmhX2HpmxTyGpRkBuG4BvdS2JRjvPU68Jl2EGixZBf2drr1s2yUkRnzTLRxhSwaNvjvUGUzso0IadQWPY2gTrgzI6jndn/kifcGz8IrRPeNJcIxupzdAa4RoDOMOMff2/vr42MXTq8fFpAhqjYbaPTohRnWCCUGzj3OC82bi7zTZVFsJRiqQYVmSMSpt9htG7UpjgLWSMiARFwdcHLUzawOCds/eipJSClUEty6sRvop66w3XSmbOX8PkCVrRxZDwDvHEAf7erlo+uBSIHCBrVPR5MKy4nyxblbwMWzr7zBWpccxBGUnqkuPEmfczpLgjTG+80opifn4jnU583gfWdYz51OgpUxbEw51twm5smbHwj2ywpzeUVOlVE3uWRY1YzlHlTBU0c7KB7woOcmHvtVKC4u0KpFmXmZyzszLmVIzqSxUdPF7lUp1VSFIaWpgIY1cV2orLGVRclTTEUlqfda4sqRH5vWRY37kXM50W9xi6/okLLhQFUYMjTYYycs1vI8McWcr+YS6Hmm5EqowOMfdcMvePeeJ/wZDu8UtN5p8YqU5u15EvX298+zCnlEm0rQwn1fb4LPTwqV1oLxDfVacYjIzEb3/6BTaLkdRSB6s+HZAC3SqjOZ8Ido8N3iv1669J9f0HnY2b3fmZUVjI1CVnElrt75UZzJBbOQCo9cZcRg8LnjG3YQLTnWxUTtdFwI++i3ETJMxnaeVnAvjciSVxHG5BwqJIzkeKdORPD2Sdves/p7Zv6OGBQlFbQxrZS6KHMz+HTuZ8HElxMrOeSRDeVjNH9EGoFuXqOYtgcAYJ6Zhx7SfOC1HvvfuuxDgR+u3mDiw8wEpZqfZLiR7sC6xCS1EihgqUArrum6mIjEq78OZOqFrzWtLFLfyKCeO84k5JZacWCXRXFZEsH05GcolpsjlvdTei6F/p9loQX/2uky4QMvOXUYPIu/H39/t8UOddOECE2xkhd7qbom3l6NclTNtO+6AatOaU0p///VerVaxmU/bqtYLNCHY5bOdD+1GtCruC8D6SL//SUe1irv3LgHfIr4G9R/NQl4yp3ridD5y3h/ZyY0SFmyu0pS+S2cf1+11VdNzGkRj0GIx0hJgCQZCUIgkRmX4qf0aW6CRzatXqJbUcylIkatOVGc5ztsuXPvZbuWoe3zFkpkmNOcUGvXeuscQCB1KoiHZZu521Ku9V1qXztTNQL04JVx0S73OJna9DGquo/kbuzu7pL66HlzTY6AIhUGOxWbvmQsb3hxqOhIiBhk2k+PQVDo0DgO0Qh1GKlaRm7ZYo7LOgQuJOR/tvMh2TJwEHMYQlwHntTiKweGDedSKsbC/dI+LqHVnM/13TzDqoqZs02pmHVWq6nFbYa26Yi+bz3URlQulOrOUmaWcSW2hSOr1KtW6ZV2F6gix4ULDh2akI5WUeeesI+I9vkSUgdHvGN2OIKMuoqjGWjfJhiIfaoPpJeCd0EJRODnPZFdp2RYMmNxN8FtnujnG9YGc3R9qL9FZ+2q9qfrXYgSpqvHAbmrphehGnHFbL1tb7/7YZrpa/Jlk6woq7fefBmw21CLg8U6I06CL66dJu9xRu0c/BD3vwW2QuA/azg2D4J1Kj1xxrDUSq8dHIftG9ZnidIZbRH2foZqXg8a3aoviVznpDJiZina80pT81IBmM2C1ZbRXUu09VYdHSYwunzitJ47LI8f1AamOnd+D0/m+bHHSlg9wiUsAOecNsdN1rQXvFGEy15iN55BqIreVc9G/mcwbXOf47yOJ7/ckQpeFaR65JFxFyrj6ekeUrJFpl7Z4m9fz/T9+qJPuNnyvuuSg+9GKYLOP644X9EbukBH0i48UjFilXZXvPZIILTeDOrY/ugEVGtxHTfqtdb4TJvPXiq70zqvhTWPqxAw8ijO3mwO+RIZlRzkPlAfhxInCS16OnzPIgfHFiHcwtIDHbUsdWqvbie9VdU+yOSVKyhbYNXGF4BmCdm4xBOtww+V4dgjbdfiykw6NMLSYFMau0mGa8METholGY81J1ypeOb9I0ecZo+7MlRANfnc4qQzTDvGeVAtuXchFGbOlKAxecmJNOpFcks6hs81p0zpc3VAbKLgFXueM1u8dNScQIZeixUYYcU5X8enyigheiVU5V1htruvU1KE2tftUaD5Bq9S8IlSiV/LJfjww+MjgA2VZyGEmF93Ek9eVuZw4lweO5Z6XD98l5UQIEeciw/qAd5EYDhyGG6bdM8YxcBh3hDDhQ6S1QMNRm9Nrrmiq6V68IXhyy/gaWcpqW1FWEpWlZHJL5h5VWNus4HJVXgIBJZT5TKpnzusD8/rAeX3QhOsLWczWwMhRh/1EHB37O4fzFfEJ7yMx7pE6QhHK2qipUmcgOab9HTfhGU/GD9m5D5nSAVcnI0c1itOOUc+JQIXAiBNhHHcgjaM7kXNmXdKFCEjZpGRiULCWxVcyro50da/yquYRrRW8z/jqiV5s9aLB+LbY3TlFf7ZVjBVq1g6sWpyothgim21sTp01rnaVImqvujFeRZjCQAiB/c2BEAPjNOG8J4wXmLnay84l6/UbbMWgG2i1EYdIKgk/NNxS2OeRhuPRnVn8IyfesXAks6jcRgSfPK16clqgCm/zZ0irPOTPCFEgfEPZxtk262TRDYQOjWUIZdWETxO1aTzcseQTL999TnOF33nzgo/Hb3A77fU8mGrAo7otaWog0lpjCIFq3JOtSKk6C09oUNfiK1CdkgHP5ZG5Hvns4Tu8Xj7jlO9Z6kk9l61rFgV5uEwALl3r9Riu2nEBVYldEvGlx23W4JSqrPda9Tuu1q821L/L44c66b7/aO997EPyL0Ou+pCrf9Ata9wVfLCdi61Suhx9G0lqh6VOpRiRHS+i/8yHVwxatNHU5uUJDtcGpHlCGXE5IHPALerQA1Ba5nR65P7xLaf9PdEFvNtdiD30QqNt5gbFLtiNIdmLELlU/8pGVHnNV8zguUCz0iu+1i7wctEbwaHBSOe/ag23yZa2UyLbv85U7EXLppAzCU+jMY4jSpqI1Fq1S6Jf5MV0qsk6Vt3BKh2VkC3V0uFlbW+V6V2pmwRJv1PVcL/Z8u3iaDVTnNO5oUFG9vZJydAC87XunW4tK04a0esoYRoDncwjZkdYs9periUxp5nzeuK8nigu00Imi0qNcq4EN1AFxhpoUnBeiNE6nhApVSUwYmvYIg7fqi7toJlLVFG/8XSmLLrTNteGkKCpiURpKq/pc9xeQnbmbrVjVLERims0ZyxqqnayQclpcdDF49okWkEpDX3jK1U32hFaxMnA4G4Y5Bbfdrg2WBtuixzkgi447Dga5b9b8YnAGCpezN61KSO7NXfx7W5cdaZyue+6LqijVlXdtfoqw+b6/K7SRWWC3tPB9UQu299oW3dr46ncyUbGTLYuy13tTI42zghWOI7DiA+BYa8fdaaroxpdBC9bYdmZ1NJJn72Qd57QKjFEYonE6JEGua5aaLVV9d299miiyySqkkkLiVN9RyieV8v3wAnP1o8ZuGEQoeDUcQ02JEuaqPlQA5cF1zzRDUQXwcGaZ7549xnj7cCH4wfgtOhvudGqYYTWPW8jQNiK5T5a6vG2m/hgiEyVwprOzPmR+/NrHpbXLEW9ESpZ41Gtqp9tsgkoLzni/VxxHQvf/x6GkjRaV8i0rorRC6EUJYZ+P48f6qQrfTuLgHMGsVYMNoDfP+miF58ZT3RCA5icRjE55L0TcumCQajWHWMQlHdq7h2dpmSoOKcenV60O9Vm2yPtBimBsI5wdrR3Hr9EZNY5ZWbl7esvKGvlJk5QV+L+GfiBVoLNpNo2/9TK8AJj1VZAqupUnWMI6p0anC5L6L8LbBfSextpEIPfGiWraXtNupFdmcCOsLNtJ8EZDNWT7uU5tOswwos47dTocxAYholgXbf3npx1XVsp6yXZJiWUrXnRGbVTuUj16ULisvWE/VwqO119brE5tULIHteEWjOCkNOiYKwROXrXLMC6JtKamM+L6pmNPe67WQ2qFY9Bk+PNfscwRPZ7LY6cGyn1yLwmHucT9+cHXj2+5LTew5gAZZ6WUlmXRvQjN20hBqHwDB+FaTfhg8pnchJKE5xTV69oaFeXI4lrpFKY88rD6YH2oDaJOYGTjKNR65lUCkvJupLN22x7K7bYzmNpSqgSV8FrZ5dr4TCMjOPA4WavBvhhptbCshqMvSQzA1lwJeBrZHJ3jHHPrf+EG/8BoT7BlR11TcqERalMqYmuPawJJ2ZS3wSqx3srGIeBRiWFk25GsmKse6HXkq1TNStDETOm6GOoi6FMLYnWulcwYPuMe0co6N7kIUTdn4wYh6TRsibXmtqmCCi1bNp3munHg9vi1TiOhGjr8bxn3GmynfZ766aDBbX3I5YWIk51yBZ3ugOavq7GxMjaBsbdgEuwzCfmemLOJ6STp5JmMSnathYyxWVepu/yuL7D3QfepC9wfuDJ+BEf7v8Pnf+2qDtlzVnLVQhVDU9c1dnu3u3Z+R1x8JzWR/7vb/836scLz29uee4/ZAiOkh01CSFqJ49BxYr4Ny22faAOwwYxI6hHeckU7xGvHgiP5zfcz6/43tv/yZv5Mx7zF2R/pslCq0k9oJsQmy1Z+T3IThdIWeNgrRXnhFpt8YvYObdd5hqjOtJo6Nj38fihTrp93tLd73RRcf96u8AJm2arz7oUdOpLyVuwTtYwo2o3ZKlXFdiWiC5Qg165bZuDimZ/lB2qH932TW9sXguQLSApIinQTh6ZHXIOSI6EMhoNHtb5zJG3vHr1KXk+I3czu7gjuBtEPLrsS6HlLcB0ApRXi0jtaJ3ufe1sO3u/m2H+VdLtjwvrsm1aXBu3KaHGCGM4rvSkdgVaN9AMhrGhkH692zPabFmDmPWfrTBNk56HmlnWhZasw6oWUI0FKgi1aOJ03QDD3qt3XhmTIjTndM5Z9b33IKy+uaJMzoa5W6nBQT+9xYJqSnoD6zlHF2+LmrQ7USKIFChrITXH0hJ9cXjKSrJpAuIdd8/u2BMZ74RK4e27N+RcyAu04qgpk1mZ04klLawpqQlBE+t0TRcpuvtYnBCix3lRhm+r7HNhHHaMcc9xPnKeT8zlxFoXHpY9S555d37LWhTyrtStc1EXq2z2kN0uz7pP54jesdvtGcdBSYa1scyJWtVEpBcjykN2ROcJLjK6HZPc4sqBtkwU58kNXFktOVmRJLYE3a7D0hxSHVKaLpSoYqsmncnBQLwY0SYqk1sWQ6g6f6LfuQYrAt3hqRRNkN2YXzveq4zXo0cfZ7W6Bd6cC6VUSrKlBmaxSUdgNjmJmls45xhG3doTh6hz+iEgm82i2xz0uNyKG0u3X/vF9NjVXPfE2jjX/yc65045kb0WV7oRyBla1YvuSo06408yU0m8bp9SUmH38IyH9UiqnhgOxHiD+o46gqLlxBpss5UjiGfyE7s4cdhNHJdH7s9vefXwBd978zvIXhj3A8INwY0KRJVq/BGvcsv2PisYUQuOZnG0OdSStCVqWXic3/FwfsXj8ppTeksSnUnTFjZHQisKqqtq4PJ1mURki/XXGmttXk1nvhVrnbDZ84Nm61L+ECTdzh4TczBSQXyn0HQoQK4Cfodl+9RW2YASLpiUOvU0clW/2YvV3jWEqWYNelOUyw3iHDhnkIkmAZwBz3bBiFjCqgGXBpg97cHD7HHHSGgjkYlsFe18fGSez0hKvB731Bf33Iw3HHafEPxIiDs9GLUSgtcq2nntRA3S6smlmTWdYYcq7bh6vCfBsgusr33rF1o1FKGZj0NvQkpnchu8LMJmFICqVTbI2nXNqfdG4NIAEYJTg/KS8R6caL+Vc6aZTV4127uSlZzURTWO7gpjBJ4QcaKsV5yu3es9uDfIcRz0ZwBaKazzqhuk1kSXgHRinJZplzgoTUlNg9ctMw5R/fJSqAnKbGxhX1kl6xYi7/CD58MPPsRPlaef7Khkvv07v0VaM3UVzseVV5+/Y20zj8sD+/mO87AQisMHaOZbHQbVGcdRWePTYcIHIQ5mDFBhXTPzeeG8KJw9m6HF2/kNczrzvTff5bSceP34klzUhzoXIafMmhNLmlU+JGCwipG5Arc3t4zjCKhH9fk8K6SaG2o5ojP8cRCm4JncyE5uGeUZLt1S0w1r041T3s3gEj42qvNkmXDUbVwhCKWoCUKz7sONimzEoElgIFKbkIoYW9hRa6bVdTuXaiaj174G1GxSK+UJNOOB1Fp1RvclIo7r5J6iG7BKUVepnGzrWK26LMMezlysQlDSYIgBHzxxUKOLOEbEe5hMlhY1QKjWv98v+nor2gTk7jZm90E1NM7b0NfjVHpor3XOC2tbyVII5tomWXSndYUqhbxbKD5zimoNmXLi3fKW8ynzbPxRHubEk9uPeXL7MTHuiGGkZvDNMbUJVwWXPLjIPu65GQ7c3d6y1COvP/+cQYSd97gPhUPccSs7oo+KSrSKHzQ+Zet2O3TejXHsYII4skOlbOVMqifePn7G6+OnvDt9xkN5yTK9syJadxRTUfesngfc+4nxuumQLoKma3f1HHYipyiQqKhqMaheLM9UVL/8fTx+qJOu2hSiiZWmGtcGXb7Tb7a63XTXodNtM5vqetJls9Tz4oyMJZcEAuizy/bffdesEi60IkKabVoRijOmo4C6NdkspgZYAyyetngkBVwdkBb0JAoglSaJVgvn+YGaFr5ojoe452ZXiWFiv7sjxoH9bo/zA7vdHu8DMYTLu7XX0Jl/l4LhMmd6r7rr/91ZmKZ3Fesk9efF/r1/RC7dRE/eVyxRmwUpXOPem+sqtGzQfi2GbFfOi8qH1AB+NjtCS7qtT9Yv8+q+BaVbP4pBzE006DnviQYz1/NqQc0Y4B0qLN3Cr21SIu+Ddc96LkNQZm4MwTSc1mEbs5UqeoOL43Z/g5sO+N3MOQ8MzzMyFpI8UEph2k9ME0zhhvu3jzy+OTL5gZvhwG7aMY0TIe7UdSfe4N3ItLvVwsIgumk/4oIoAaZByzr33Mc9azmQysrSZnJLPEvPWMvCk6dPmNczr+5fsuaF03JiySfenV5xXAY4rqQWWAmkdiaXlTAMOoM3glvKZzVAqTrD1vfvrvYAo9aIkpXxTGNek23nOhEk0SwJVSreDwxDRMQhPiiKQtVRTSsbstOv1V4OKUFHWeAtBIYolJLI2VNz1pWXatq7/b6e957cL8vn9f1Aq968pNl00K1azCg2G1+zBuDaoWSTkgQtKrv23Qd/SbpRC7YQo2qzg+1olh67uHgWt8v4qBSzmCwXJzhTO1lHp8b+uaYNEaIIrYoSL6OSGn31SFV0qYrqWwuN4hviK0kW5vLA2/wZaS6sS+N2fsXt4ytub56z391ykyfGOjBIpLlRRw/WSTZpvf/AB5jzie+9/ZSdP+Bb5FvTDhcn20xk7xF0kX11uOJ0Hp67GLOpu1nQuWkGHs9vOa3veHn/PV6fvscpP7Bwpor5q/UB7uZN37aDqmCoxfW2TRR5D1rggvQpxAxYE6an2uOcisSqoRnlDwO87MwfuDZ9810OsHVrNrOU1iU+7urfdcfarq5yLLCqRrcnIAzP1ye+JGC5rFg0WQHY2gmDYCvYHsaG1663OSiWdFev/1IwYlWwIgJNugbrzqWw4mBODH7kdtcY4p4nt4nd7sBuN+G9Z5pMFylepUlXx6ujuza0s79xZZ0Jm8NOrc3kDpeqT5PbBarvCVe9bfV4bHm0BxBrLQQNaHrBOlpTmFTMH1GcGFS6DUupreAeHqhNvZaX5fw1Sbe/Gr+RTDbdnL0ktRVxTPudyqOGgKtCSesWeM0KVgNArdSi0Jf4oHtzgycE63pFX6v3nuDVISqIJV+7/nRtnJLpbvYT+7sBv8ycy8D0YaMNie++fSDXzLgbiSHy4vYjoot8Fj5jF0cOux37ac807ojDjhAndtMTYtwx7m/xXtnW4h3TblAfkgiURksNGUSJRijpJJPM8GKh1MyL0wvmNPP63UvmdebNwxuO8wPDG8fgHOtyZK0B39RFLJdKcNFcgrSrm89nWiuohNTh3GDuaGav2foWGTXcaMD8mJB1oXAiuoAcPDF4cI0YC37Ysy1GF0WfOj/iy0iMXsJy0c7KYPdzJOeVdXXkZSG3Bq3Qitgo5Oo56csEtIO9Tro96Ffbo60hv9leXCgp275hvYO8qP62J1hvH4P9d4jBmgWHi4bCxI6IbWFFGwWLX70Q7KqEagn4OukqtFnJJHUNM7UBpfvXabGr9ayOXhrqWV8KykoPGq+yX2g0Svuc43rm7fnIzfEVh/EVHy7f5MnNB2T3hIPbsx8PYO+5StmkZCJ0TxzO+cj33i0MTlc53r74hEN8pmMvbNFJdWaAoclXVwzqeS4UnKics7ZKLpXH81vuTy951ZNue2Bxs66dBErRZKuhXYmD6rNt8cni3fvjwx7X3u9Yu/a/NVUoXFQeWoA5JzQv5D8M8LJ36Mo6C/x9Rdd2Y7reZHWYyLrcDSYGcHgiW2dmiaL5iy6rNWyH6JZa6M/gvBJ6Qu90nDoxNdfUc9kbpCOOkCO+etzqkSXgTyMsgWo+ssUPtrIPmphgvy9JRguKx/SISzOpBHbjDYfbAy7uuHmiXVEws4hW+iwZ6JpECwziLt3+1tmyoc7vdRKbJ7O9dzWLcASTLnn6wmnt7JtsV/oGX6ulZLB5q3prYZ0QVYsR0HmnFyGiKxhDips2VR/moWsX/2UjjPRXrduaqn6tIwwx7gg+8uTJHbtpQtDO5835re6MzasygUMwxxw2uEjcgMhA2chwNi8TT8NTm7qISe/w7OZ1XojBEQd4EkcOw4TjKacc+O6nv8X9+ob/8b3fYC0zdy9uOIx7bqUS88SP3HyLg3/K0+FD9u6AK1r9iwhBAoOPjEENR7IVOtUKhw2Rcdh4g+1cuxYt4AaqqzydIjlm9u4JuWQ+vp1Z88zjh3+Uh/ktrx6+x8PywMNyz5vzFzwsbzi7dySZWed7XWm5nvTYB/NBbjbTbYVcGqlWBtTLejK/K58WJHkakSKZI2r6kYFhKCAjJQ6I7PAuKgJitkgZqC0DHm9OHdI6qNAI3T4pBCM2OjKBQqDOC61lllygKKtV/XwTlUQtK+IiuQTEK4yvBBoHpVDWlZo1cZesKwNrUptJF6tZvzokgI9aqDkzvJAQkBAgePCO2sko4mhVOq2WTvB6nxWtWuJWqvp2l0pJBnGv3kyCEoWVhUfmckZwTO7Ax9M3Se4Zq/uIODnieOF0VDwV4eTOJFbe5pfktrDyTr3E4wNFFpI7cuSBVF+THr7g9fmOL9wdo5v49PAjjGGPcyNNCvPpLQ/Laz5/+C0ezm8oPFCcI/vAd5ff5t2rd+QsfP7wGT/6wY9xu7vjUO8IbWBoOxBH9JG1JTKZpa2kum4s7nM5sbSZT1//33z+9jt8ev+/uE8vOcYjmVWdykTXZEpr5mLVLGaIwe56j24ZYFM1yCWc0M9Hu4p/XQnSzKVP3bFEnBbx+Q8BvGwwPzQLMFzwef0IIFsg6p/3qqbDC64zkPvvyvtwK0DpHaF93ue7zkW8OILTZOSdV6N4p1talBmqAdlXrwYYRqDya9QF3pZ0q/eX3IgyLaEgVwXBOWerJgYjNGVcbEz7kWEYcN5v5Mv+HhW+sYQrzQ6aFSj1Ggzm6r/eT7y0Zt2g9jAeTbpO/ObAtw0+rsllRiIJwWnpi0Nt3DTY1H7eRFnO4iDEiE+6lq+zPnV20iHBdvmb9vuVZlBc7ajcRsYYgxCHyOGw57Dbk/OZlJQdndJMXs7GDRg2IkpPus1gT3UtVt5YM8KPWgSoH2y3QemEOsERgzAFYRcCex+p8YAX4fx25vW7t3z325+zsiAxIIdI3lV8GXix+5Cdu+U23OHdpNKoojOuPrPzPuB8pLZkMpvr1XFabF1MXYCmko7W1H+4AS4OtNCY/K12FHvdNLXWjzkuD7w5fsLb01veHN9wePwub88vebn8Nsf8hnl+w5pn1ryCNJyMJugxTWzT67fQrFjpJJaKlIyUBE0tVJdWcUUTU20wxjNCI8ZI82qoIs5kWkCj4FqEvtO0o1AVUwpoYuvuRb7oNqYs1aRSVlDZ/dDIehzLgnOVUhd8gz4/F9dotVBzJi+FkqCmoMmyqTOc62RMZ3/Xm61jUFOLbT2eE1rnevR5osmsLkqETugrW6fbJU2lG25k/b26KnqUXVYMo82sJSE4Rj/xdPhAFx3ElWEfiDtz4QNgpDXhlBeWsiDrnrk+8FATVc5Uf6LJQnZHWllIWffy+rrnnTsQ3cR9e2AY9viwo1FZ6zvO6z3v5i+Y0wNVzjTnqM6zpsSb+S0De87LmcPTiSAwuhFXnfEyHeIiOMGLjnNKLV2nxFofmcsjbx6+y+fvfou382cc6ztmP6uXeO6BXTb0QaTHBI2zFhm3jyL+0vFexcFLHql2H5VLQm6arIsl4dZE7V+/j8cPddL1weOcwT9XX7+gwP0/NDB/Nen2Dkq2XNO24P3+fLMTK953lRHEpCvBWTpySoCqDlqA5pydVE+sainYRJNP19ZeurJetV566QsQoolSbegGvvHhj/L09hk/+Ud/ktubpzy5e4oQjMjSGZNiAcmZV+ylyoNGsbWAak13hQh86RjWam5M/WU56/C9eS13X7fa/a/1ctetLDYLFW9znoZ3Ged0p7BrgtRqM7mgSVccbRoQdux3I9OohY2igTovFa+kE7Xy1CC2wcve25IG9as97G7Uom4Y8c5R8onWKkMM0ILeqFRyWTB1rZ2bBlnhMu81KDQ1QKKJWkrW5kAqiWY8AJ3hxRAIg8ONjhIca2uIBKKfeLZ/Qa2Vb9z9KOd8wp8irXjW6Nj7Gz746AWjO7B3d5Qs5Ayleda1cjotpCxUGQkx6z5eZxpBqWroIRu1THkOvWjr1653W9HYGpTcnX8qTQTvDuyGCG7Hfv8RL57PfLP+BEs98mr5HR6X1/xfv/X/4s3j53xx/x1SW8g0nCu4WGxUYLNWGsFFouzZhTtu/HMG9wFh3ePzDmmOLKued6+wZ0oFWBE5E3whhEoIRQsN60pKqXqci3a0atigzFwX6maMofeqjn5wGimqFEWSnGqDsyRdxykzhUwonpoLoQbwEAis6UwrK8upUtYGRVGDGKIm2KYlR+gmGt69v54SNsOHUrR4ELPzLDaF2cwgzEC4+6Nv0r4tIeu8k9ooa9IkbMzj1hKD83x4+JjqX/BN/y385PCTY9gNhClqkq9CmydadsxtYa0Ln59+m2N6ze88/L8551e8Tf+TVE/M5R7cI3VcyOUtrQSWNuHbwGn5Hi6N1Op1WUl5JNcz5/KS4lbq4awO5E357LV5PjsGzsfX4E48O7zgJ579cW6Gpzz1HzO4id34hEoj7iM5F0IaOacTp/zIp2/+Jy/vv83vvPt1Xp2/xyzvKP6sRYLoWAgr/Bzw3sao7Xro7OgtY3Bp2L7a6VbrllvrP2tQs2Ae0IJz/GHpdPXNXtN44KtJt8uErmdA18n3PUHcex2eyl26lGbr+rCELVbRimyMWC9awYozK0HfrekuzNpiHr/NpDTbYH8bNtiZt4rtuipzLhDCwN3tE549fcbzZy/Y728YhpFWhJR7UdD/6XP0y+r6sugX1JflQl/W7vbR7NbMyrXkp8P114WCJl7V5/ZZm7skXem+0VeQjtnu9c0ufcNRDFEdtEwKJFxLg9RCUleLGeEpeJVjjCPjNDJNI4fphmmY2IbK9oa8dwTvSO79c6vJtJuOZKqtxOvGGH1xQDePEHT8ICK2mc/hhoAbHG7QhQ+KeHu8C+yGPTfjLU/3zxjSQK0FXyLkSPA7bg8vVF7jbliWjCyZuqp8IaVMIxHXRGtaoOgM0DYIuWwwt17L0tq2uq5f/77vChVhm993ob8IEiLeO0YJxGHPjsKtv6O4ld0ycFyf8dnLb5NT4Y17RamVygquQagGsdq5beBdILiBYdgx+QNjviH4PX6doAoZoblmRZyNPEyOQyuIqL1Zs+7COaeM9uYvXAqnJg99NUXwCjN3u9AL4tM3LVW6N6WueMhkVDq0lgVXhFRXfPXUph7jZU2sSyGvTW1Ezb5RnHI1+n3MFtTtXri6l3ocAZCqRU42tKlr7JUZawX5NeLWLombYkm5zKqHZgUy0iouOsZ4gxscYeeJUyTuB+JuIAxRbU6LUJlo2bOglp+Bkcf1JfP8lgcia3rFmcbSHmiSaT5TsLq3jEiLpLKCbfcptbLWI7WtFB5stamyiEtTBnrJjuP6hlYyn78bmNcHnoxPyW0ljCOj7PF+ULVBVG5CobLmlWM68ub0ks/vv8O75RWnck+OC80nXaVqo6X3E6wBb1tj8/656Sng0ky9Hx+//K/nCBC7hqBvIyp/GNjLcfR48zOoV+/3knT7V+RrPpoZBl/qeC3p1s044n3I5z14WTAilajto4juaHUKm1YRtcsz4C3UEd+ihWuHQh3a9UpPWNdDfNFugYp2VM2x391wc3jCT/7R/wcvnn3Axx9/AxFPXlU7uG0wamydurWfdLZxrWW7SN6/mK6P4dUsQ3rXqgEG73Ax4qNDgna61TXE9sK2K4Y4ogGpVkEBwYaj2H5NlOVq776ZD7FYMvHDjrubO9KaeDwe8c5rsKURzZxjGIeL/KhbS3q/Jd8QouoIqzCfZvK6UovgJXLY3ZLCQM2JmjMlr9tlIFuJUs3kIat+1EeF50QD5uamMzh8DOxuDgzDwH4/EYfAMIbN/jOWTKyVbzz5MZ7vP+CDZx+y1oVjOuMksJ+esQs3PB0/JkgkysAyzMzDgjuvuCUr6aUkGidCjOyqdq54aOYeBYXWkqEa3ZTBrncHbDAtFhD7usSi+vIslBpME9wtFh1I4MObP8IHtz/C/cfveDJ9yONyz8P6mnN8pTaRw6xEoSEw+FHNMOJz7uKHfDB8k2fhm+wfPyGsB8I66D5hOdOkUFzf/hTt+Dv1pJbLKKSixZHY2rZmm2gU+heqz4j3+JzZRto5QUqk5URJC6nM5Loyt5W1Jh7zW5aktpdOhGOeGOPI4/xgBdINLXlIjrp6KI7oEt5FanM4Iroh+BIXqt5geoBt1rsFbyv8nOsszEsQa81sEY3I2JNvs5OlZK+KMf0o+Ugrum4RgRgC0Q/cjU+I48i036ssqQXaSWgnAeNS+EXHFlPTxLYPtyz+yIvxOe/W7/Hbjx/xxfm3+e37/8aZe47lnuYLLVZgxZFJxbb+GOk0lUSjGDFM+RqlKENaBi2KV7knr48sjw/Ex4l359cchid88+lPcpie8NGLb+naTRd5+3jPd774jDePr3l1/wXvlv/N4/opD+0lSzxRhrOe86Cdp4DxWDUWR5RR7rd42hGx3oS9H9Nbu2SJHgc3X/fahzWG/onW8GoT2hnOv//jhzrpOie4YHlhY9BygYo3yPgq2V5BzGJM1Gvji34SpEtrtgq1JyJ7pl4heT2p3afVXUorNUOQnk571+d1DmQBEcwSsclXX2t/iCYNEMZhYjftub17wu3tE+IwQhVSS9Yg2w18vZj76nVfOtFrgsDVG+rfu74YMUmUsYzF3J3EGdvYtauOt5eZveLvCVi257qYQIr9t/3v6rV2uD3GkWnacdjfqJd01cp5GHV+PYymkw0dZrZz6vvrdbSkgaok/dcdsmIYESCGUX2lajfNV/2invQ+cnifjKZvxmB1pwk3jJFhNzKMA8N+IgyBOAQlpbRKp6+Mfk8Qz7CLFDKP6UzD4eXA4PZEf8CL7m4tFYYmCilXR03NJCDqI5xzwTV9KU2sWKSL+u2YOz0WzZkBhp3Xsl0X9jv9vGMjNNuZqteeBwJDHXAy8WT6gDUv7Kc7kizkeE/1IEPFe8FHZ5rUSIwDMY4Mw54pHNjVW4Z4IIRBJUV4KoXk9Bou1WblFUWJugzr6tENKkq5dDYeyM38fHXioL9lSbfkRC2JUpMa/DOzlJU5n5jzmXM+agJvhWxuZdSKxyEpQPG4EhGz6LSZCpv+lytEqeriDb3HBGrZXO66yb9zZUOBsL+l778ag75sBhb9Pu7fazVDK9Sy0mqmNiUuBjcQnI4xBj8x+oMypJsnV7VS7kINVztjX+0nnNwQfUDiNwjO85hfsZbEPnyPVBvUs+VrRU+aNEpLmnSbmQptJgDKdVBXOL2qRHSuXXymuEpOFV/OfHHccVyPhLjjUB5hcpp0/cDb4z2fPXyPt4+vef34klN9xVLfscqZ4heqzzSzIEUUbEFsbLXFmPcT6Ve7XLb4/lUryLbF/T4205+//Kw0jWH1uvP7PR4/1EnXB0eMzi74zly2b76XeC/z3P7YKn96Yujff3+eu31uVagBdcpgpVG9OiO5rZ+FKmK0eSX4OPMe9kVnm9KakTBU8C90gtEVXX1rMs1L2EW8G/joo2/y4tlHPHv6Efv9DfM5aSfczSesvG99MffVo8OOqqO7HAt3VYF3V6mNBSsX+ZRz6pPsfMCPqq30g1xmZRhjs3edHRLuFpBdoF4vCVlQyNWbsUVtlbTmDUYcpxueSsT7gQ8/+phO8/TBb3AyIoj3tNbIJZNyZl4WlnVhnhfSKVGWjGTBtZFh0PlyiwdqyQyyJ6WF8+mBUrMuhM+JVFe9dqpeSNI0eSqLUeHQ8TAxjCNPnz9n3E08eXZHHCLTbtwINW3NtFRox5WWM6QBKcLtzS0+Oj54HlhT5eWrEy1H5jUwxIjfKZowxQE3HNjlyvmc1b3KFh2scwKnxwtpCnNbwUO3NbWCrrh+9Wpwz6W8d033Qqs0nT/r8nGBgpEA1QSlRvhw/6PspwMv82/zNj3hC8lUvyD7ZO5gUZnubSDUkVYdPo7E4cCT+Jx9fUpYI9Kg1CNVPbgorbEmDXK1WKDbuAKXe7jfn8pkVnhdaQVOEQgRPU+tatLNiZbPtLJwSu9YypnX6xvO+cx37r/Lks/M5Yh3jtvhhtFPrPnEEm+ppRDrSGgDk78hDJ4xCsE7QgTxeuwKDW/mOlDV87r1UcQFPevFrt/08/092XnYpEL5wmK23+lGNYpkVCpnoNroKrAbdwzTRIwT3g9AUI9lPFI06+oe5YIMs27PyiNUD0lw1bMPH+D9HnkycRi/gQt3fPvhN1ne/Trn/IbMET8VCCpZUhl/NwEKOqpInc2pKoWhuYvsyZ1oY1Ztay18sX4XN0def/ZaxxCfHgCVOS155WE+kZsWStk9UsOJbP7KErWK6FMj14JtpvL9SrGuoSMOPTm8X8RdHu9/r9fZV3YD+rXev7XOoWh/ODpd7WicpVv3uyRcuJCHtt8EzBnp6qKXLTnbgLz137XK7urJxSo4XONCW8H+W/VvPa8phOouxuvX/d7WPMn2ur56QQiuzwOnA/vdDTGMCm+laq/xAp10BvbWpX0p+V6OX6/atstz6+z7u71UhTrD7bt2ndduEtdRcDFN4Pt/bSMsXAWWy2m6FEOtmXFG47IuTbQ69iEyTjuTDimMpgQuI1IZYUW9f1crVlZaUZJYSYWSKr71ZYtd5uSpBMah4lxQ44GsM1GaU/i9XFlh2nEVgRADIUbGaWKYRsb9jmmnH0P0hHHY8l4pzVYpK8zeqoPq8TLgnSfEidYyjkRrXs3TPbSmBhHOCVHA+UapCfGFtmYdqVg33rXU2oF0mFO7n9aRj6pfa3ZdbIHk6oz1Sl5hUe0anV2fgleGdIUp7KmSOIwHVtkTq6cE1Z6KeJxosG9FV7XNaWENK8klXQXoAwOjmfJnKsqqLbWB6GyumuSvFjYb0gswYwWxXC6qhnWCQDEYmlqUKZ2VndzKwpLOLOXMcX7glI+c1gddYVhPBBcYvO7TzX5SXa7oGkiPsvCDLXtwTrrqR69V+upE1ZiXVkm1bPdT3RKojqq8Gbq8F562uNOXllwn3XpJyE0lhc03ux/sWglBTUXMfEa7r06EtJmxFBpZCWxSzXO+UtBlGtSAdyO78JRDPHI3fcTh/Iadu9NtWTUhdUVqQeo1b6BaEwF9iQzNGV9Dtzpt0ijju1RpVLcipUC5x1WPL0fQW4ZUMnNZFMVxleoWVYe0aus2ezy2GNr/3qZIuTROF9TvmkR1abS+bvnL+8Hy677/e/zO7/L4oU663eXlmpAD18m2V5YdR+gJRNOj99fdsZ2I7dxcZrq/26PSyAalOoNHXQdYmpriO3G6L5NIKA4pDq/ceJLyRLbVd4rQ6txNL5IOYTm8H4lxz7OnH/Hi+SdK03cDBbWd814dqKQaU1PEIKq2JdNOwriuyDrjt3XYCjZYq39fRNnK3ntbtO1wgyABhXacOjTlIuSWKU29XoNTF5lu9N6v+9Jrgtpw0khVp8C98+rHj5I1eDpH2E34MdLVxN1rOZiVozhHSislV9a6kudEOq+sx5k6Q03GjhWP1Ag4QvRIgCkcyCUR/UENFZaZeT5BfWQpJ1I+43MG55ic/s27p08ZdzuevHjBOE3cPXtKHCO7m70WJdFdIEKp5FpVprQ2WhsQIq1N6ML0CecKIWZSbSyrziULQggDcXREk1r5cSWlrF7HpZJttVzKuimnFGPDOzvurp/DyxigW2Fv9wPQxxqXO0lJOh61BA7e5GHDgESIE0QJ3IxPONd35PuF7GfMlVHvjZRI80y+n8n3rxmffkA7THz40Y9zu3cMYVTGf4MmhdFPlFrNx5nLv6JbrjqvAnqR0RTmbQ1yhlqpKetz5GSdVcK3jGuFkh7I+cT98opTfuS797/FY3rgTXlLIpFZiH7A+waucnA7/Aj72x2HeMs+3DLIDk/Ujorup15BCpXGmsv293MtLMZBaK3p7uV6uQ83KaDFkG7bqmMvi/OK82/JukPt4o3MGAdccAzTgRgjYbfDxUgJapWR08mKPwtuDgorhczcTpRWiK2g279HaI66eCR6duMzno5N4eCcycvMFyfhXW6U9R21FILJ6XLN2iNKoGHcD9MfS61Qs/6j0JxQJWr+rQ1B59NLS/r+rYCqrVBjpbayFfPV7oMLsUzjmDP5mJTRtlJpPOzoD1LU9KQUPA3lC3SEs8c63ku8l4mZtlKKzl3GjYBpf7UJ+DpuzNc9fuCk++/+3b/j7/29v8d//I//kU8//ZR//s//OX/+z//5qxf69Zn/7/7dv8vf/Jt/E4Cf+Zmf4d/+23/73vf/0l/6S/zar/3aD/RaOgQpXDslXcMAFzx+q0jaVSJxvfu6dHOX3//9k67QlFyD6cu2rqBZ0aXdsBriX7q+4D14IXeh8VZF9fDXO+Hreahpa/umgU6Swdlbe/89yNa/tKtXeylI+te+MsP40oVzOVYqh9L9ns5uerhYS+ocVG+QPtfpBYCV7/Z2ejfWzGEo1bSdQ6tLlRdsG4YuK72M3SzOBnbufWF70wUFJWV1CspZh1jWqb3nWNZ6qYR5NOts1xlxrZRKCCu5JHxJ+BDxQXedTvs9u8MN027Hbn8gjgNxHAlDUCME1wllHarS19qaLXaQgPiGi4NqdEPQsxs8LhcauqM02VIHvzG3dXbtgVBNvymCFPXlLfWqwCpFXX1cNe2jjjk6/NLPutBJiM2CS9s8hi9mAOhyASeqOfUO7wa86OL5loX5mFkl4VtDpCCgm6nWSj56yilxio8cuWdZz+RxoYaDOYfpNeyCILVSo1hy0tNevaIF/orMuCVdriRRpW7Wgkoaq4YsNDWVqGb3KAXxlf3NiNRCKgtr9ZxSYQiB/c2O2+nAs9un3I43jOPAECLRBx0iNWcISNF7tDVqXkHUIKHUwpw06a452+s0m9Fa31v5x3brX5IuTWNb8P6qCNLn8MbU9tErYWwccHZdBrtGdUf0Bmrr+bN7u9HILZMprLWRgVIyrlV86V1iQ6rgiuDx7PyOQzzwZLrjtOxZmJjrgx59p6OWSrYmVq/5y1Wm0IhIteui0CNXMwRRgyMXZK71UYcZBNHp3WKuVMK2t8BCtJ4X2brdrthQH+su/ewB8ALzX5QsX47zbQuFW4z80iy4J+mNVPt7dcpXjx846R6PR37qp36Kv/pX/yp/8S/+xa98/9NPP33v83/1r/4Vf+2v/bWv/Owv/MIv8Lf/9t/ePt/tdj/oS1HySlCzbP+VpNtvzrZ9TR+yBekLyYcvJR/YIIn3fvf9h55jrZa8iF2sVXV3NUMQcI6ADvadacbGIRKzo4aBUhw1X8wqeo7sr+9ab0n1pLWxLlWXk3uHc5EOCQuaHDsLcqvg+n9dz4zhqtJjC2T1a96sM4/hECJ+9Ljo8ANqGkBRWJBKbio9KC2D6/6r/YIuEKJWuZZsm91My7po7RHt3Hhl6K5lJdkS8Ogi3nmmYcK7sPl7NHPJaKWqUf/5zHI6sRyPlDVBVtMIB1ATTdRRSGHJuM3zvXPsRkeJWQk+oqzLThrbHXaM08CzDz7i5vYJH378Dcbdjt3NDT4Ghv2EDw4/XG52hc8FxOOkoZujKn6I4IVwe0sYPW7ncWkl7qMulDivZFZOK9RhBwRCP5ajxwVhDF59YRe1xCytQcZW21WT1Og14LzHOW97eb3Nfy9V+3bRWezzVijVWnWln2u4aNrsGMB7fBRcrdQ1sj46Xn77yFwfaWPpd6cVNI02R9oSeJW+hz8OvL37nL2/Ybo5QNeyOz12vjWCuywU0KzkNknTZhxh248qOmev60rLhdx0zCDOU0smi2M19EIkq2vVCJPz/MRH36KOlc+XLziuJz59+V2muOPHPvwmH9x+yI9/9JOweDg5hjYRiZA9VFhTohSdKbcmpHqitsaSV+twk/oEl14coKOOXGjGSna69kdlZtdIW62EENnv94QQGIdhS1RxVG3wuNsRYiTuby7jlz4uQ9fMtWZdYu/0zGM610ZucCye1AKSdbXl4BJevC7xwNEWwYXG7XjDR4cP8PwobXmLnI+8zK8oLRMnNQJqMpvfmDUIbtiCpKMgLmlcKg3HSGtho3gQzABIzLAEg42rHaemjVFrYhuntB3ROlyfRJcaeCh+a1Yq1uVSLdkXnOWEnmQv3W1vuHTs0u+J68TbvfhBparXMVQ6Ovl9PH7gpPtzP/dz/NzP/dzv+v1PPvnkvc//xb/4F/zsz/4sP/ETP/He1/f7/Vd+9gd/dA1oh08swWwnyaqceqlOgC3Q6iyj12VylZ2uO93f/VGxTq4/g5E5WhMV6ntNIK6K7p80KzOJnhL8No9sPflfeRh3SFB6Z2uL63OuulA9N1rQ96AFXKGTnvr8uRcf11XDtcfol0X7X5ZDAXjvt3WBKvi35tw1xAveBWWeZluPZsekbwzaZsqWZHUBTrEqV1NTL+9lY94WlnXmvJyZlzPLujCFPdGP3N08Y4wDxIinUVrRcWXKpHXVfabW5bZSlDyy6R0LVRy5QEPlZmpKr1CUV19RlTdFzzQNhOHAVCP7mwPjbuLu6VMON7eM+z3DMOrSAX9NhNPOUbk0GmSw4CDe6/XgFaJnjLTB0aIWb37y+Orwg0KWuWVSzbiaaU4IGCPeFkO46vFVj18YdOF5rHXbraym9828j3vFX60beh9G0y5DGbe96HdG/21SFHmQCs7eh3M4JqK/IbgDroxItnVqvX1zTRNKqbhWKXlmWY4s85F5eWTdLYjz6lqFQNVOz4vp79uFbFdK24q3i1mBsbF7IW3+3UWEiFCsc6cMSB1xvmrg9HuK9+xeTLi9cBj3rGXl2SdPGPzAJ7ff4Ha443Z3Q3qsrEumZiXplVSpWVhXnfOLC3rucRtB0YtKCKXp/d+LeCdeTUOqt25WtqTbO11as0UbHh8EH/Q5vCFNwxSIUaVoIQTdoysOZzD05p3em46u36ao5tySbumOaxVaXWhUslfnKAkZVzyVqNK+MDLJE+6GT3g6vWKZVt7Nr/V81xUkg8tgULPuy1aIRLQHuLiGOb0W2PTSvejrbnnWBRv7uAeynnSlCsVdhbTa7OppWny13m9rfKmSEKkgWW0/m3JgdJGB8oDe9ye4FKH9885s7jGxZ5qeqw2oeO+e+r0ef6Az3c8++4x/+S//Jb/yK7/yle/96q/+Kv/kn/wTPv74Y37u536OX/7lX+b29vZrn2dZFpZl2T6/v78HQMSDWXj15fCwxfAtCF4q+p5QFJJ0mxRB3s/K1/Dy73EcncjmhKUIakUk41FGsgsCXiAruBuDWvG5MVByYAmDbhcxskuvsPqFIOboZOZ/gGdZMudzIqVCDo1pGHp2Nb1rF+Rw0fTZhdtlPZ3lLNKNCHQOVi056QxXK8hgSSlGZSs3D/iKhIYPwjAM5JI4L4/kklFfUtGlAk2suq7WsGSKE3JbrQLtBDUTtpdCLomlzDwc73n38JbH4z2n84mb4QVjvOWbHwuH/S1NIHqva8pqJZ9nlvPMcjqznmfKkmhZk66udyuXG7INFOehKWzs3B7vtRN01Y6fRHzY4YcbXHTc3N2x2+959vwDpt2OcXeL8wHxEXFam2MNfW1NDfZTRXLVDNwE5yNhDIRxVLP7w0CLQhkSLQvxNqjWdYa1FNZcaNVRkmcUGBwq1cKKn6Y3sAtGHsoFMeMIcaIz1XWlFpWU1KKSr2h2oT4EW5+mt0DZUCGFJLv8rVIokhU29w4XIuKVcb4LH7D3bxnKDXlNpFQt6DvEV2TI+KL67LwcOafXPBxfcTM84cnhY5pzpKIdQ3Ve9dkmE/JezWCcC3ib6aoblXW5lX7T2DXtcRF8rWqHWj3VO0ZXKbEZJDtw2DnakLj9sQPDk8izP/IMiY7TcsY1z1R3tFmo7+DITH54pKyZdSksp0pOjWT7ZIdxMuZwRBdh6NIL15ymOrv/evHbaiP0uawTUAALnHp/a+7Qn+2JwXsYBt2/u9uNjHFgiKOy/s0OpKWidpCd+Y0ZvqBwd6l6b5WabVkC1KQVQeERJFNjwTlPHnY4P+DTgTgNTOGGgwvs989Yb8DXW75Ib3hYV1o50Uib/ru2TG1Ck7AFxq24t27W14yvVnT3JnOL3cJm1dgla8Ua2grOmZ9yBwYFTdzNtLRNxzMVG3eR6BB3ENXvKkpiK/tsfg4XnkCPS+8/rj7fXrPQpUPObZfi7/v4A026v/Irv8Lt7S1/4S/8hfe+/vM///P8+I//OJ988gn/9b/+V37pl36J//Jf/gv/+l//6699nr/zd/4Of+tv/a2vfL0vh+4eqpsxhCWWXg1djC7sYRf9Bg30M/hep6ufbBDzV/669nDeEqaak5gOV3T22Fy58r+9wBXzOZFPhXVV4/Ta7GZDCwLXTyamKUWM9dfIOZHSQs6JUjIq/9YbSy8ZMTG9Vn2llS3JuquE29+B6h0tMfbD0xM+ggvRGJERXXKrx6m0vnwgsZaZ+/NL1mXlXE44Aj5G9attUMVTHMrkpLJWhaJUulApkszbKbPmlfNy5PXb13z+8jMejw+cz0ee7b/JYXzO/nCw91SIPlDWAUolnzTpzvPMuurxabbou7VMa9mYrV3YrlIjX5PO2UPA+VHr9OAYwsAoUee1U+Rwc8swTYzjZPDzBcqz8acRQ6yxtftXO10Ntjg1w3eDx0Vv0mvrSAQjq6kMytlsvJQKKZuVpiN4Ff13A+Vu6eiithOejvpUHWe0Qkq2mL5oAdAEfLE5Km4jFF6sIXspant4mm5pUY897VB0Nwy4EAlxYAgTKY/Utlgh6nAUXG1GbBFyzcx14bQ+clzvmcsJiqe0vpwggniK7zeit3OoUHMtlVx0/WJf4t4X0JOzGdzr+djufytgvTcJFKLHgpXvfece/9YzPBsY9gPVdik/3h+RxSHHSDmpjaULnjConWoJjTjo82vh4gguaNzxuow9l0IuOtMtOZNLNvZuBdfvcT0uqep7uj/OJtcrOOcYQmAIA5Of9HhK0G62FCtc9f4Ss5xR/99eY9uYwxCPXAulKDu8FiVmiZGKxCnByUpHKNoVa4yB2rzqroc9k/uIJxM82f0I57bwWD8n1zOtJZpkMO+DWoMFTdvQ0x3ApKpZjKsXRUg3Uu+tY2c+b4QCa0oEIOk9Y12x2RdYh12BrNewbMwQtkam9AYMMygpaiNs1/uGyvVYLeYnsMHPNu64fmwFgxao38/jDzTp/qN/9I/4+Z//eaZpeu/rv/ALv7D995/4E3+CP/bH/hh/+k//af7Tf/pP/PRP//RXnueXfumX+Ot//a9vn9/f3/Otb31LiVRGTuqEg0uHeJlX1qtO9zIMt7DSSThf87gmZPXP7TtgUJ93PUGjcNJWwbqNJdh/R+n4cHpcSA+OZfG6gq15M8voSRGUyt9t9I0s1SopLbpXNqmWtDFZcNa7TS0T9MKpTVObPoPqZq/nuPo7lpjqZc8kTWFr74MSiGJEQk+6Wq0WikFVZ+b0yJvjp6ScyaUy+B1TuNGusUKRFaSw1iO5JuZyQhfNrQpNM6vEgsS8zDyeHvjey0/59u98m4fjA+f5xCd3J57tP+bm9k7dd1pl8AOrDFAa5TizLgvn04m8ruS8mu64AEmTbss642+JzjNXbXAmxAE/sGmRY1Rji93hwG6/Z9rtlCwVtEtkGwnYbZqb8duuZFOlKbnHpEfizRt6CLjoqM4AuU4SC9p9hujVjADtUEpKZkai9pd9+yGCWk7WhicitRKdpwaP98Jq10wpndlctrV2znskOILoqjlNTJgmVrb7qY88FAnJqlW2IrIKhDgQ48QQd6Syo+TZ9LM6FpGi9wXVkUoGzjyu9zwsbzmlB/CeVgeVxCE0V4mNbQTUiTV9h2wrZnRixKick1Y4KSEN4kY+ZOswRRwuBBqeino7z2nhO5//NjUWXnzrBYd8oNKYjwtf/NYrXA6Mec/Inp3c4uIAbiB6XRtX2hXKJRBsLu1i3Njka0rUuRfKqxa3tVJt+5F3KtFZysqaV169/oJSEqVlxjhwd7jhMB2IERoexwDm2pap6ltdqsWHAAilIzW4DWrWTlfny6WPW6oyDISKjyqL6smplUJpwloW1qUxnx27/cR0mNjJj+B3dzzf/28WKSyPK7kItMVQR319NL/lr4tzm5KpnNMlp5331MdivaLv1+CFPKpxU/kmmb6zt68Q1MCvM8Qm+ZI6pROy9BIp9qO1WlPUCs5dnPwwxPS6xWruAh9fIGVDDF1HDL+ElP4+jz+wpPvv//2/53/8j//BP/2n//T3/dmf/umfJsbIr//6r39t0h3HkXEcv/L1IFVlKaI61ms22ZZUUV/X371jtST1NUXMpmncEm9ntOmzKDOu2i+qdZ2rtju3CYglXCeaWGWg1ZH5lFiPUFNFSiVgr9to7jrf0vbJ+UDwgTjcEP3E3c0tdzcHhsHjIyDZ5miZbuLR30a1jTtdC9hsUTYmP0hpsapXIbCNNS3QxJHFaaL1Hhk0+bpREF/J/p4iJx6W3+S4vOG76TfUtCE7Bm7Yuef4FnAt4JuuUUvySGFlrkcKieS0Ws9+UbNyyWSfWcJKzu8Y6hH/5gHujzzIt0nzPU8eDyR5IHiV+tSyRwqU40paF+ZlVtlPmbebUyzwqlVf3eR2a01IK5QVIrpWbxhGxnFPHEZ2045xnIhxwLkBmqdUobamspJ+g4rl4CbmsCh20agmuLkKwS4wESRqjPQA1dFqUO1uajr79zu8S3jRAF9roUomVSGg4n/n1Xu60jSoeWjO28wVnFQiAxgTukpjXRda1jl4LZWUvLHN20YUUQco7QhbZ1pLtPck6kBUz9R6YmlnTvU1Z96Sx5ncZrKfAYe0qK+z7tQeFEdpgdYa7+o9sbziw/YGqjDlJ/Y3As01VvXWQ40WNEfkUre9srRKLUmhxGI4by5mQhMvoyOxxFZ1/6/4Ce8ce1cYmDj5E6Ulzr+9kMfKXDMUYb8+YZCJm3AHOSAp0IpuAxvjhNsNup3dKUMatHPTuKOvOedGypVxSpzPJ0J45PHxnvN65HE5kfMKvtJcYQ1nMonH9pY4eV589IQpws3Q8GkmLZn5uMBpITLqhq8w4UTXHorzuKj3rrpCbXJYOoe5SVWmMVocsp1b9B6XbjEJuQm5FOblSONERVjnHct5R9hVfBSehKek8SPuT9+h1KP6VrMSfaE1Ry1aBGAMejHFAt5GbJvAv3ezhk5wcRZstpmqoTazqlnWVYq9r90Q6NqoDlS4RW+LdU/v9mm1mH3RRqtWvSOlbUu8/X7oToPYWHKrdm1LVNsSsNsg79/v8QeWdP/hP/yH/Kk/9af4qZ/6qd/3Z//bf/tvpJT4xje+8QP9DS/NfG3lIh2xg+lsZ6zYEb/Au+9/pFPJv65QEU3IzWDmDj/055JWEbRrUkMFWx3VLOheOV7pDttAawPzubGeGi43fG3q34w5ZDVnK9hUL+GD2rrtxj3jsOf2sOd2v2cYHD5gid2IEq1aJ8fWpWAXmBhpA7nAzymt+vO1owSObrRRxYFTT9USAm6ISFT2Mr5SKCz1xOv1t7lfv+CL/P8hlUaukbE8YedOBCKeoEL6lig8UFmYm96kyS1UKZSwaGHkCjVCHaC2hUFmPCdojzw+Fk7rW16enlPdyt3uuWqck4cM9bSS0qLQcllZa3/Opq+hE9IQu5FR3aAIqVaKNKaSCTLh40Qc94y7W126EKNBtqJrE+26cK7phiU71grN2bXTgNopjgY99YI4oInROmWy1zVtOZrOejK4tag0JSuyIFUoXmHj7vZZOpTmL85s4owpT0XaQK6KeJSqHr2dAexLUiTAilXvzT+8++ZqlMS5gb7HS2d2lVRXlnZiru9YuCfHmVJXil+R5vF4XBnwZYAcoDlK85QGj+1IqG851ntii0xlj+B0AYBrrK3qAUJlUNnmuTmrnlNNL1a9/1q2pAt9p7br0jYEXFAXrRY0RwYlMzUmnoQjKc8sn67MbuUxrYxh5MO7Z+zigSfDM1JurKlQilopDrsDw7TDjyMSHPhqcKf5dldPrTo2KqUyTRUfRsBznmdKfeT++Mg8H8kyUyWRxyPVJ9J45GbacfujT9kF4eAgvV1YTkckZciZXEZ8G4hjw/uKnyIu2OIL6YxdZUn0GAY9qdhhbfqN0jd0iTKNW9FOvORMzpllPlNKIedMXnakecdt2zMdBm78HWV8wc5PLMUzU2hixi21I3MmcTROh/IJxTTBJod6D3m0uOz1YzONbRFDCHqHa0Y17yXdxmZgo/2REtlcvfZTdvQlBXQ+TpcrXR0nVV1cmhB7gVtxcA17b5JPucyGf7/HD5x0Hx8f+Y3f+I3t8//1v/4X//k//2eeP3/Oj/3YjwEK//6zf/bP+Pt//+9/5fd/8zd/k1/91V/lz/7ZP8sHH3zAf//v/52/8Tf+Bn/yT/5J/syf+TM/0GtxtkbtWnPLBjdfOv7WO9mejdqXPm4Z9+qoXRAqemy8dL32vV7p2M+I9G/2WlODozLsKqUlJZiEhIsQ/WgrxTVYiK0HU+6lXog341P2uwMfPv8Gh/0dH3/wLfa7A655ypI4nk9gnf4VsEYziLhX/KoV1kidcqPkxpoUygnmYKOFgcE2g8dNjrBr+CnjhhPVCw/MpDrz8vgbnNIrPj/9D87pLW/a57qBxEVOPPKY36lMqoGXFUehuUyVYh1uhUF9U9uYtdJ2ep5aFYKDuyni9rfcfBA5f+FIj45ze8OrU2X/7gmHeMdT+QiXhXxcyGlhOT8YaapshUZuBWlucwBypocsRa3qOmTkDE6fpt3GTBbve+1i14EVclbpbsHCznFHQi4OOP2y/BIcxSUYdKapzik1uXnvGYcRFvUMLilRcsa7ABZcnOm8lfimCb42UdY8yuFrRn7yQ9T51+xo67IF005Mcs6p9aRvunBdbBzhxZavG+HPqdPRPC8c0yOv3rzk9f1L5vnEmhaKFE3cHpCKuKK1TnHKtG6VNd9zOnuOx7fEEtnznIZH2qrFRvctxm+waDYLwVozrRWoCVsWZ+iiUHCUWpDqCS3YFqlAjAOji4RYcb5SqqNUz/O7j2gU9nc7JHiqDwxx5NnhOYFIqCOrqywUlrWwpkrJjmWuTNHjGRgGp4nMLQrlZoHmaDHQGbfTbs/t7R1Pnt5xXo68evU5x+M9X7z9HdZ8JD6LTLeBH/vjP8LNkwOf/OgHtNRI7zLn/cpjmykPjnLvcDIoiuCCLjKQy+xWY5IGI+ldmVy6Nf1oMRKVHLb+362xLDONvKkZvHMbqS6nVaVYsZBaxB08u/FWvbfdicXdkMRTZFHkRcwlxZJSZ5gjfktmsjVGvVnSXrdZsO2LIbYb0IpDXVbQ4XBzArRkuXWw7QIZa6zvt6Js96fxRrfOWlzbcqkezv6E3W+wu21BH8BozBbjLXx/TKofOOn+h//wH/jZn/3Z7fM+a/0rf+Wv8I//8T8G4Nd+7ddorfGX//Jf/srvD8PAv/k3/4Z/8A/+AY+Pj3zrW9/iz/25P8cv//Ivq4TmB3g4M3LfIHW5JlLxpRza+iRWP1rEuyRVef8XtofpLbsMx56/P+v20QwgdGGydpJ9urIN9ZvZ3bmMeEcwGKx7M2+zV2z/rHh2ww2H6QlPbj/k7uYZd4cXjMNAK2dyzqzrCeccu2ln4nDrdJuJ6J1COQpfm6QlQy6Qs75n35OuF6vaC24Q3CTIruImqD6Bq5zyO+Zy5OX8HU7rS16dv8dSHji1e/WcdhFpM66edE9uq0Sf8JJVGiVCkqIdqFfYdfNPxaD65vA+EsYIYWTce1ypLL6RHk/UBPfLK0pJxDDgsiMvCyWtrMuJfjad+T9D1ZsnhKtC5MpTuSddp3PsECMhRiPfXCCk6+trq+z6Y5M7dbaqeSDDRhTpzlnXHII+9Oia8q4rd6Js1pzKViDU1jQB2zYlvCXFDoH1Z3bdBbzP0/Rry7pSaiXlZNaW1r1a0vXSr4e8BUex3cl4R/N9Dt3UFWtZOB4feTw+ktNKKUm3TRn0Lq7huouBtO145zqzphPLcmaRmRwyjkIu2TTCmnQrV7PImr+UdFdAO2MHhmToblqnFHJllnshRE+MnhAqzjXWVclzfneHSONwOOBjwI87Yhh5sn8KRaiLqJtSyZSmRim1CjXrzNrj8X7AdYBrY/s4dKeWEitjHJimif1hIpeVGAMPxwNLvee8wv6p5/b5xP/5x3+Sm7s9T57fsJ4y9/LIkBfcw8CcCvOpIkVHNupv7rdrceOb9ORkg/9OoPTito/SEa/++yhzN6UVqW5LQs5ppyiCKRwy6wK4ghwcMQyMccfQdnhGkwJWi5O2Pc05Iz31a+KqsbwaBb4nZbTXI8hXEi5Om9Nq6JwTQ7CdjiGuG9MNbNxmilfd9NWgsUtKWzV+ojOUp/V73u7fK/z4OmJvr/NrbSK/+viBk+7P/MzPvM8E/prHL/7iL/KLv/iLX/u9b33rW19xo/r/+WGORB26uxzItuH6IhctbTMcufVMaz9XqvuaJ+/P1AOnicPec7W2y2e7XjRUNAo0JXpUqkKSteFkBQ/TTSM3wb3bIzVSclANXwgEPzAOO3bTnv205+Zwy27a40NiLW/5/PUjtMbx4a1KQWphGEZePH/BOE7cHu70ZhhNUuCCSgRKZU0rpVSWVCi1dzSCjFGlC6FRJJPdQpkKbqqc/UxpC/cPr5jTkbfrS87lkden32at9xzL71BkJk9nu4GjVvrF4cgImeQXvMuI3NFkoKDCeDcUg3eKFT59DaLrgDkyRcZxx1OplGeN8jjQVkjrax6KmmBIEjhXyJW2FLx4ggQcESeRfmVURkLwdChf9a6CD8pSnnY7dZna6U5P7yN4kzWZkYEYEa2bovSqvGaF90vuHPJLd4sR4WqnNxexS/YCp+iyhqLWhVkx7OACQ6i0WDnPlZIyaV5pxQJSqEgU45tcltfr6xNMiIyXAYmeQ6tE28qU1pXzeaYUde8SoOWKD4lSCiFGhmmEdkke4oPODn0jrYlzPvP24RX3j6/JVefzOKE5KK7gLV5q2afRT5PjkQQ8zK9wzfN0+hEtbFcIThgt8Ku9YCGVbAkcsAX0aqxSdGuQEa0UrcnK+D1MTOPI3c0dYxwY44C357i/d6zziZT0Vd2OHxKHAfEjICwP4CUQZWSMQhRBZMbJylKL/T0gV3yuG9lRQH2Pt1GTOZB5dYmaxgGRyrDbkfPKi4/vSOWIHF7hp0pNjTev7vn2t7+Nq4Gx7hnano8/fsEcMnMs1KIGELgBwVPQeXvbEil6nQa/xSf7Fn0pS+9IxBjXOpOshKDs4xiSeTkLcQiMdSCllZRWclrJdcHfJJpHj5HfMdQJdVJLQFNGvBP135ag5bQTcB7pTOn3ki3v/feXjXv6a+4Og95pA9UbHmdx2TnTHrumdpJWNKgYpfF1qeviuqdJ2nWPedvZfW1SdIn8Pafokze+lBp+j8cPtffyhSyl8II+rge0+t+Xcyn2e5fv1e3Hv1qlXD/jhgXK1aC/X8BN/74Sdi7Cb+i7SC3hu4r4ShgFWaH5QHNeIWcL0D464hSY9rqTdZwiMToKMy2v5EUlCPev35oJAkzjRIiBfc7EOCLOMYpe5OLFzPYbqRTbUGPOU1eOOLhGdYUsmeQWxCVEEqndk8qJt8unHJd73qYvmMuRh/wpqZ1YuKdKovlE9/dtVefITpImXj/bcvUJxFGaGoIov8aqYDuiDZt1ojdb9B4vEfaFEBoJoa2Nen+mVt0oRBLV5meVjAQiTcZtW7EiFRCqt1Vytk92u9l0BtgdzrwPZr0oVzrC3vFekmWz17jt3DQ5x9YNOzb0oYn0zE9z2hFdB4AuY+gdaN9b5YwM5OyHai4asgaFcemErtbBs2YFur3e5tDYKsRxAIG06gxvWVazSbStQ7a5BifgGsEWRLQW6Pp2vIAz446yMK8n5nTWQpO2ScqaVE0Ermt+tz6DmldKC6z5zOLOpJjwJHxR8lXNrRNWVXZWy5Y4+j2lB1KtQmur5FpAlHmOb/jBEafIuBsZ48g0jDg0EAc/Ulwmm9dvdHuiG0CUebyuK3hhiKpF9tETc1Nv8bzS96vWqhKcVpVP1QlcG+vW0gKiyV2dwQQfldgVhkyuJ+rkaF6RgmVdeP3qnkFGnowDo/fsphtkl5F9omZHLZ0U6JCiXsfNGWveRipq2HKJd73/vswpBVsGbksxFOVpNJVBmRHF5hwnjdZUr111sTHShCBBJVVGmuz3xkYsbEJfatnbXPeeFOfy+LrP+/2p9w2GBDUzZ2lqvFGFToQSq3G7xPL9Qevlv99TkF4nXWFDwuS9j/rvvde3BYdLLPh+Hj/USff6Db93aH+XLr9//SvH5uoXvvxczXCKZrpILdg3LIduSaGfNjC7MV0kblIQrzfBIAEZPDxv5Cic3jTauVJ9xUfPcOs57B3Pno6M0TMOjfX8muOSeXx8R1oX1nRUFudygBbwMuFc4PP7V0zTnqdPnvH82Qd88tEn7HZ7pnFHztqBndNMzurWJAJxjIh3LH6mSGapR5Z25NjesOZ71vNbzrxi5Z5zfk1qJ1Z5pLhE2Z1BMo4FWiFtUhJH399qMAPV6eyoSwkKUbuSZphQc5Z39eanRd0SUiM5B2rz5HyitIUcFISuwwnwlBBpRSUJrgm+BgaZ2HFDYCJaogenMvlWoDTd/OQiXgIS1Ms2joNZNPZOq18eQmnm6qQbLgiWlPuO1Lwkq6R1Fua7a5P3G6mlGiFAqtA12AIW3NhY8qVU3dyCQqdjiCyixyivKyVnpnFUvadddlLbBdURQUJnoTdbZtEQ74lm5pDWBALrsnIqahs5z7NW+unEWEYIBd926vUcHD52BCLz5vg5L+8/5e3xc47za/BZiWWDRXiPZiKXe8TXBNUatSZcPfPu/D1qrjz4VxSXcdVRiqOshhAE2aDJZPrcXFZq1QUGUMmrFgrNN8LgONyO7Pd7njx7omjR4YboBwY30HKBXAnhQPGO1Zj76eRpWRCvxdM6V4iVGtRhynnHdJgIu4gsniVlijQqiZTlaouYubZhLdOGqMmG5JTW6Ks8x/EZA7dkP5BZOB9fsy6BcjpS/EBtB0qYyFVn7HEKuhPa7DChMY57RKJ2tgK5X2sWn3qiEOEiaewSRBesUNHOIcRArYVpv1MJX81W9GRKMa2xIQ31yZk8zLxMe9Z1IuRAaQ7vjCnt9b5u4UJ6UuTFWcS8LK94z7gINg92Z7a04tTEx18Vpc6ZnaNjW85S1H/X7iM9/q1eCvh+j1VDNtXCXfDBXSVdNQaSa1/3zovh4vO9pY6eMDpt/Pt4/JAnXe1iLqkXLilTvpR8r2GML8EMHboADZxf+Rvvf3z/cTWkuCJoXWqgS2ckruEC+BFaArdTfVx1DRcD4cYR9plwU3Au01xiPZ0554Xjcs8yn0nlZMJ2h7QBLx6pmaUsrLXQnMPFwHTYk8w0PyfdNjQvCyXrtg8RqD5A1YSVWDm3B1aOnOQNS3vH0t4w84qVtyztre6wlJkmBXxmMzBvDSn9XFiE7ZZJAnqZ9RSCVs1ciQNsxLIBEH0NTmtmLNHn4atW2gLV6UyqhkIrCo3XJrSksqtg8J5w2Vecq9NjV8EppxlETELfLudxG0+0DmTQ9aLSms7Ge3d+FQjYgsileu6GLZuntfTnuqrdthGTbFAzrXvEum2xhxNRg4+ts25Xx81Qne02sK6826NKoxlnIg7a8Q7DAA2WEDYDmVorNTckCT4FgniCj4iZbVQypSXmdOS83rPmM6nMOpvvshDBzr0ePdVUVl3j1hqVldqEpZyIcmQpJ0KL5HaDb97Y9KLzRWcmhk2lTzln1QujfIHubeyjapzH3ci4mxj3I8MwEoaIN1erWnX+p7KogGpJTRdaVfKxkXjsGlBDfrZkGpsl3L6yz5a3Y7/vui3l5WRbHOrIhn5BEJWh4WlyQ2sR1xYcQnB3qp+WPbSBmkXXPZa2mUA0QQtcb7yQoIVtsO5vQ/ksPl2IP5dEjBGx+oguSEPXSaLvy2wja80209WEC5U0VFIsBOfxEvBiQwTpKFe1e8GuadpGbOxw/Jetdr9yzwDOvq+GNrL9HNQNsazScLY/vJaeXC0rWNNU7XXQ1Ga0tWbJ1bhBzjgXIsYV6olXtrl4/991hrg2Gvp+Hz/USbefUP1v/bgN0O1Ct69+6Tf751+For/mj1z+fe3DXWKmPY9zdlHh1Ye3bxVpM75lwj7gQ4E/8pKaFVaMIXDYjQzhkRpnjueBfB54e5o5vk3kRVe5xTBo5+U0YJTNI62x5MLD2xOvz+/47pvP2O8O7Ke9rQW7XIiD636kiSqZ2Z1IzDy2t8iUcHcrbr8iu1n1uP5Iqm/IbcZVtVXT2Gp+wCirUiXvg+JABFsAASIaJJWy33ByVphp8y6yLq13vFW1fNICUnVlF/JIdTMrM5lK8TMSA/52j+wcYfS0GfK7mbLOrPOZkRsGVnyLCIF5EWRVRqsTxzQeCD7qawmONS8MZVXHKzHiRLdGNFjLG0SmnQa0bDKLYr7T/cY1K0N1HdK+uSfbWjtL0oA3Oz9OnEq1cLrse00McWAcBsYYabXycDyScyGlhDhHrEZY2gqey9V8QRH1uLagGTqOAz6oBWBeEyLCMs/M60LOC8v5hEtnHtMju8MTdrcNdxOJ/1/y/iXklu2960c/zxijquZ8b2vffpdEI//8IbYiHJEgiGhAjR0RsZGGLcFGwBgIiQiSTgRJMA0V0rAliSjBnqgdMTaMSE4rpyEqJ3A4GpP8Lvu21nuZc1bVuDz/xjNGVc253rX22vl74OykNnPP9c5Zsy6jxniu3+f79D3JHZn0ic8e/iffffk/OEyfMOYHAy9h5T3OaSWNKdZMXjMlJ/PQ1MpARCIP8RNSTnx2+i1G/4GlVmTHzl2bAkRJKRGzdewpajnvUiwSIFh2IoTAh+99xPXNFV//Q99gt9tze/s+wXWEMNiz0GD8yVFJ6sjFIbI3xCo9xqKGsVypUbiqz5Z66YTQGTNb6Qo+OmQaiSmTS7TQLL4qdFoDrGVr4DqpnlSjfxQ17oG+XNG5Qrj+Gmk/czO8wiPsxLozHR4mTg8jp8cnXGdAtdD3hrbHQG8m1iy83qKrSiXAktqWcVEaNjnUrch3EaFzDcjaA9WIqiH81ixBauThEBwnEQa3o6en9wPKQAldBY5OTRpa+gzDF4iTuqY3ZZiL7Jazd+/9efqmIvwb6FCrbC1FEVJdkzUkXlpYUyorl7LU7lZj28DTsuiKtRKm5XSbp1sVsKzt+9YOdvb3lhL4i7avtNI9U3XbGD0r//BK4bXdxxTsa3pUz75enNclX1ZDFLI91mZ1NTrKZmPKJrxjYre1ahOkK7jrhKulJsF53BBRUbIEkuyYi/Hvzqmg2bhkm+Is1Wts50QMRq8lM8YT5Wgo1XE6Ls3KWziz9xGRTMbqBGd/JLmZqXvEa6H3BednnJspfqT4CRVjr0KKoZLr+S3kYgtK1fLTZiq7xWK1fytSa4oRKxGSmttxYrm2pQgd6vETNU4JRPtbrNBevOX1hGJ1is5TvFJmA2WlCK4E0GA8RJpZ2rKRjQEpWW5tShN9moipIlTrvtpypWZyL7kxgaV1WimlIpehhdPX2r1mmlTveOPZL9OqnkMX2SPL3GwedMrGqWyNCpxFRxb08epBN53bvPQWvVlMT6lC31tYOnQGwul3A6pKPwyoFOZoDFTzGJFuh5sndnmiKz2TPnHKDxzne8b5nsyE1p7OzcFSXd+NdN+iGlm1RuEKSCbpRNQTY3kiSMekB1QyXoyI3viCk6Gt1aIRrddz86pCGOj63lIpV9fshiuj6uxq6sA50DVd0GaNIoizHL84SwW0dpWueMS7CqCrnpQDCTW/K0rI1pW1pLKJVGBzoUZymgxZHq62uImAbr3Q1ujBgwSGkHGosWu5iURB1ZEzJLG+weoNbR7EQJtmFDpDiEst7dL20DeTgDXydv5588Cr9BJZIoIm7+yaGwbDu0DQjt4N9H5HrzsKM9F5irhFAa3cBnYt0mh7VSgV4b8JAp0pQTtvVWwitYTIPmu4VhFTurnTmpuupUDLfUlNvbS1t/Gm3argkVrp4VZP13jOm+dtBvSWJGlxZFQpcg4Ke9v21Va6LRQH6ygLS/jGGHVgqa2kCYbN5KemaVlz78ASq29Wo+j6izYRjVTcN5WOVCUANcRCwIPVpGoriYm4kJBQCPsnkIzzyQjStSOlG3Q6Mukd03zHGI3T1pc9rnSUycRGkepxViL6rgvmccXMnA6M0yP31QrMtejd+4AT8DIBkZkn1CfK1Uh3BVffdOyuPOG9gPYTuR+JciLJiHrry+qiM5aXbEARzwDiKHQ2AqV13LG6NhtBjyI4eYnKBP5EMxuE5unqmh+pzRYoFRxS1uc0dI7sHdEJFAha8DgGceSxIL2SniJRJo5jgvFEp3uCDnTSmbLNxmOcp4iTUNvhJR4OX8OFQCoTwYMTY1CiGAmf867mch3zbICaXFvotfCvD1bOQXCLAVFnzRKaWqbsIoyNmtH+NAu7YCC/cZoYp4m+N3T1FCO4mVwyc4oU1FDCteaxLCYfmwhNc3ktdBgq85MCvjPE8bDfkYHT6YmkM4fxwP3DI1NRRs1wk8m7kc/m3zIylMf/D58ff4fkntAwVaOkhg7VLRouw1Jul+2RolIQp5zyA0rmIf8uSZ7o1dPrnkneI+fMNE+1ZChX+ktPikaruQ9XdGHgwxcfcH19w0ff+Cb7qz03N+9by7tut8yuXCyalFRJWshi6QnXdZZ86AZc7wl7RyFTKplS9qBewZth5wMMbqDTHpxnjgk9TNYoolTO4WRhePVVoIvU/DyWy3fOQFeutSM1L1AVSA5RS3sEoBfB+5kwDMQuc/QTp2lkykf2ZENch1MlUalGXnSI94RuVyMtnka1uKDc6kLTGgLOWqp8c4vduGoVaC6E1siPiuJlRyfK3e7rqHc8ps/oS08p92QRshsB2zdrnRPiQbqaolHchbcInIWX2/o58yrrNbXfWJdExXur0ph9pLWAbNe+tHhdbPoGvpX6WaVBrWvbSg233PzV4Kh6Y3s9zbBMSf//o8vQ/8+39gCAxTKq/14nig3u1qvVRRC1/VsOdvVEpB1M2YJrz7zhBZG3/LYJvPa+hitU1CwuBa3cwUVs8VkszupGixZKshZ18zSjeUCKw1eWHwurScOK2rWXglbh33JdUsNBlsgysvVcIkUgMaJEkh+tVKAr+J2jv3Z0e3BdJvsKmJBGGW5edhvlBqNvirXlV8RZzscme8EUrrKSmLbfbCfoahe3x9cczPYAtIaoGtNYK+ynUmBmBO0Ut1e8Cn0MZC9kUXQ2/mJPFYDSylEiTgpzmhjnkafDI32/Y5xGht7hh90a5cCM/LOFV5oXZ0pPal2wNEqb7c1sFa5SvQg5H4Y2aypRiXPO+gnXUDLV+g6dlXq01m2NXKOxZi3H3KRFdHN8dTWXpbXpQ9dRoCrezHC1J1Ho5hPiHDknxvmInDJP0+c8xc8Z4wNzebIIiFup91ZDVyl1ni5ef5X5PhjoaCDQiQc/k+XEMb1kliNRquCsBCfiHQVPUSGqebpX3Y6uF65ud1xfWa/jru/x0iG0iJAhuK3+uZDUXjXQbw0mRGrLRV+JP0CdX/yzJhm8tkyDrXnvA0EdXbB8YrH+fFVWrO7+Kg2qRFI1b2sx4puAqWpN1K6pjqeTQAgDw3DN9XUku0SJho9IuTCWESfJDD3nEB8QLTWU66oC3Soz3SibNicqGmPxBlcPFaj1/VKjRHZv4no8yr5/QfKZq/gemhMh7oAErsOcg4Kqx2kAsZeo4UBKLZBtoWbqXLms3VVdMRabkJDN+SYrilYeZSrQqpxFXEol+WhKQjbnamFk71qO2y+53WUxqZgTUA/aUNQtzO29WwBdX7R9pZWuDaaFKtiGJJplv4QotoLI9lutqzYJK8znwtNdhnGVXxsF3rKasGZRmkUJIpY7DF39JEcoGS0zhULSzsKq6GKNpizE48zpaWR86JDxmq4EBoLVntacaqzLwgRuJk8Z56y1mGq2QnWxBtOpRKznrYEhZj1RJCP7ROfh+r2e3Xue97/R4/bZShOwYxi1mlDozQujhned29yrglgJh2Ch4+pHgQZUO3tHQDqbwJUwxIbWIgGt05GwNPtjOZIEy/mKNyR5MEL3WGayKrEcDQH+/o7uusfd7BkflPFe0VdGrJBVMQ5GC48bI5UnRShZ+e4n3ybnwt3tB9zdKrvhmkYqYvlmt4SSNbUQrwm0zpuH67vODINWz1ua4NazydTSBFtPwomAM29Z1brBjOPI0+FAVmUYBlwIDF3HFCMF4yTGZfyi/C/CXEvpRJU31bIH6Jy1NysoEjxXKH6w/sjdboc6mDURS+T+6TMecuLT+D94ih/zOH6bY/wEdTNCodRoRGkAFprn7ip630p5nFd2Vz1d3/Fid0MvA26cSDHz6dMJckDSgA+BvrOw8fX1LXku5KiMp5mclY+uX3B92/G1732Pm6s7rq+vCWHAywDaymqsbtX6xxbmnEg5kjRTnNIPHZ0L+KFDeo8G46LOvtBYzbxWRH0WSsJIJnCEsLcQZ+7JySgqW/7TBqL27pVmqLakV1XMpSq2Zs2J4r3xYOPqcorgXaAfBvx7HTfXd3SPOx5P9zyND0xx4jS+ggL9bmcNM4bBvD4yznd0naKEqmRbfXq1g9wqsbaRkfNUXZufTeFWz7LcIO6KD27/CHv3HofxgT7ueHz4Fk7N01WpLSE1oKUD6VDpcBqh9v9eWh4+o3SdnM9lbXJZdaOQ7eWcpxSrNS6lkGKu+oHl+JaGa+jmyuiGq/SnW7SyP1P69jxl4Wne5pjbKwT5A+LpwiLLtgCBJadbpYyIbGTeGjLR+vDkQiBSlXRL6S3vnL9DDVE0NS+yHHvx7Oohl6/qdRlM58pOl+wbh6AlILnH5Q7Jla1KqRyzBZiAbPsug1AT/Rjar2j1fku2yV0MsezJWKcPrPB9F+ivHFd3O4Yb8L2i3npQttCTVGYi44OuPvbGIm4+vuXpLFfX6vrMm6+lAdoSLQt9D6uH24KizQ3EjkVtci1ANtGQa5eZVMwDz1trSIQsGXGJ4iJRMhMZQ4ha3qw0ikgEka6CbByxOJ4O9/T9wMPDPcF13Fy9sDrEGma20hu77dLAcbAwTTlvKNKWL9oadrz2rzqX2jStHpSIgbWKmKdSVK07z3gi5pmrm5vKlmVKJWcTXrkY+5OrwK2FnQy1euQWClunjI2Bs1aCCJavLB27fU9hIOY9pzyheaJ0GQ0z3mVCKIShEJKh1u2grq4CvzxHcQ4vnm4IdL1HdoL0sNt3hC7Qh4Avwnw8WtlXDnR+4O52x9XVwHvvv8/V/prrq1umQ2I+ZcbrTB7hw48+4O76ffb7PUM/1PC+WzySkqnlUvasSqoNE5rRBLjgF7Ytai7SvrPSqKKlYhZs7pdcGZWqcLVmYpWtS824b2WCTSq5jcHfomna5v4CHComMtTWVuP99U4Wh8KiKIGu37HTTNKEc455PqBaSGlGiqeIkF0mF3De2vmF0FFCofhMcdlSJeKoMXCcOBqfuM3LpeBoLYjU9SXFvF6jVt0RJNHJFZ1c4WVHkQl8b1EQsRScJ6BiL6lsfXbPWpu0bLAwDeDlGi5mXTvWIbA5ShtF2FWEMxWouKCj2zLQKtPK8vnWw916vLI0z9mi4Vg8XVO6LWzdqgnUUhHvsH31lW7dVGFr/TQLjYvQ8nb/RfG2XWFV4k2Ob453+S6b/ZZtQatCYyqhHnfxoo1rDKd3qDrKbMX/3jnjqM0elwZc6vDFlj15ssXqTgiFwIBWQaeYh4Ra3aHkYsmOkkATlKkqXUOWNlDIcBPY3wXe+9o1/jojuyeyjyS1rj8IVstaTJgaKjkiTRlWdata6oROIKawFUOuqroKwgpQrhHtYMmDm4AqZ7EJGyypCrw5iSbdM2keySkx11+3/FsLb8fGUOaUEzPHMmMdoAKQCXS1JMWQsk4s35xTYj4lVOHu+kOceO5u3mfo9vgu1I5NstS8NhSlhNZwPeCCw3Ub4vNKSlIhV+uEemYemqdrXrx6wWVTWlmL9RieTyiFbtfTDR0+2HXHlMgKXc5G/CjNINtGd+zszWBo1xGCdZnxXQEHXekQKVzpDt8rrsv4WBu4D4XYTXQ+s1cYrqEv4KKaTVc7CUlVukLGe08IHVfXV1xd7eluPGHn6HfByjUSlLlwn15Z/WkSboc73vtD3+Sjj+74P/7PP8J+d8P1/pbHz0eO9xPzK0cZHd988Ye5Hl5wd31LcMZhLlj5TxPmRey+c8r1ZSjzUlMMrpYZ0QUIHhVf22H6WrVWUDyIhbapNNK65BzNE21gxlKk0lS2IV7/O3/uZYl0KM0D06p0LbxprQ5rNClXueI8/e4Gus7YoOYjMo7EkpimhIrNGyO9ibgQ6PtI1/f0/UAXPF3w+BJqjnyHSMCH7eWtgsptIneLY1Koho21twxyRSfQuzt6d6JztygZCY8UiYjMUCqZh3QoVn7WPBHVYj0RWqRGWDporSQV66U5BUrzUtc15JyjFCV483i9ayjntk8ttSK/rnT9hdKlebnrqGzJQkzR1ihR/cxyyH8QlK56e8EyPku6tuWyFm/2vL7q9WO1fzRsX1PgytmUbPpUm00c696r57awD1Gtsuo8L7ys0teFO5qSLxEk4GSH4paaN2pfSUMEmyhTqT0wLXa1eC/NojNh4VBnYcKSIVEMOS3mjZagyCD0dx3DC+huEgwzyR+N+ELmNWqguuRCzfNsGNCN6YvVvVaTfFEyaz6r9p91irWDqWVONC2gy9JuT6CFSlWbH1wbUvv1GbWnUorV580pkcdInpR0gukpMk0RsjVH37k9gVCjB45BBhyBQa9x0hHyFYfk+fThW3SD4+7ulhd3H9IPvXG9FiAVaD1JAdcZsb7rBBdcvT4DirQa7FL7mS4elvNrfgmhhdtbWsLCZx5XFbkEOD4+Mo4Hrm561EX2+1uC68haw3CKYQZaeLOO6BmAphEF1GeWpZUumZwOwcbZl4S4kcIjKb5i7l4x9q+YwxPRvyLqAzmMFDfTQqbeGcF/yhZC7nrY7QLXN1dcX+3Z73doFYTxNFooNpoynMvJ6FHfu+L6LnD3jY7de4W0u+dJn3h6+pQ89xTt2O0+ogu33O6+wVV3Syd3eALOdYCnkJZ1Rq412ck6NclM7YFuUajihOyFJCypJV2mdV1MlT9c1WoPnGtGfI28BCy332popc7mQgXohOVZNx+7tEhO1TJL2kKpa96a0oMzhRQs3ZJb9MB37Mqe4BxufyA5D2UiK2bkZln6H+estctUphDI4vDa4UqgY7C6WpWq06uFK406shUZibXx2cpPyZjVlBEUXwJee4IbyDJQfIc4u0dpy7bJ0HakGoxpxmCLFq5kFQ09vP6wNVG5rEpxNVSdkuXwLQ+tixNFlSOFNSTcwsGmdNvzasvyXA/IJqfriphX7TZdjJwp4nfZvtpKd0P018IGsDpHTeHCKmgut5aIZ/nla3u89sm6v+I1nh15qdWqB956zGv+czAgjYzmneYJ6BF6jIjH6Pea0kXXrh1G4lBqfaGa3lKtra0gqyk+8Y6skYSx1BTJiFQyjk7xg2N3JwwvhHATKd1Edgeys96tigMNZu0qVbi2PKsp7+19y/Isus041eexWKuKalrHUFkWhh3j/D+cM+GhSsK4mNXrsiCcmg7UAvNciFPi8OpEHBPTMZLmRJ4SZAtp7/yOIB2+Lt6BgaAdmREvvZVS5cInr3q6wfPi8QX9fuDa31lkvyguVqWrVARqo5C05gPU59IENaUYqYOuyrABpZrgNiNNaPk/i9oooTPSFAnC4fTAy1efcPNiQELi6mpvJT+xMvyonbNNwKIgUkP5tEiFVCFUhX/1slxvgZIQFFwhuIiEkeIfiPElY/qEU3jJFB7J7nOSPpLDieJmQO1+MDBWLjMuKGGA3W3g7oM9V3vjQZ7GiTjPjKcTKUbmONWSqEgXOvbv3XDzQcd739MzXBXS/iWnQ+TwOLGbv06v7/NiuOFu/w3u+m+w87d4ho0nqYvSdeoXvaBRcVGRWWFWWnOE4t2Z0nV1Lp1ZsEUNh1FHLRWr71SMyrTZ/VqNwlKFj1KvYatupLWnM6KQZhNJqc0ptOEAnIG6gkP92qovo1A8rgg7vUJ9R391ILrAPKt1Y1JXZYG138wyWw9kSRQx4JpzCUcH3BGqQSbe8t/NRrP3Gr1ooL2idd0ruBlxpnTRgteOoD3B7cgykEKHSK6KyZ6N1EWfqV2yWvi3GZ9VVnjfamXdIr+bCvRFaq+frdJVa9eoNTVTyhk+pxlJWWt0rIXPpb1kkVFyEbpcwGbFSs8aKY15vsWelaqBEpe+nm/fvuJK1wZsi7SDc2X73N/b7bLjxOvfn79vP9/+8t0CC9sDgKvNwl3ocepJmoxlqSuwy8hVJueJPAsde7zWUJZiIdtmNTsAsQle60GLFjKOhKO4juLaYs74YSTslf0d7K4V3LKksRy4kbYblZpJkTVjbhNx00NnWZTbMJpWD6h93z4XWUNJrf6uhSf8hm6tMSSZonA1hOurQjKgRM6F02EkxszxcSZOidPjTIlKGosJ3WK/Ka4wyUyUhKvnn8uEJxDJBHp6nzgxcphn8jEiD4VynQk3nj7vCKVDYzSiex+MiacXQu/wnY2/0dIVNCdjxym1lliacFFybVQhzvLlnpaSsAhBqQA4FHwXGHY7siZO4xPf/u5vc//4KSJwfX3H1dWHiO/JtVRL6hgBiLb8ezNKq5Kvz1LVSEs0J8Dm2pxHHuOBh3TPZ/lT7vmYg/suqXsgdwfG+Z55PjGN1nHGNZCOs36yvRR2+573379mtx/ou55pmjmdTozHE3E24nwjuTAh1YVgOd5hIObI//zt38J3gh8cpA5ix4f+PYYQCP2Ozu1xpcea3luKRbSC7kqpNdFWttRSASmlimAVQgjgrE7ZB7+UiEgFsjlnc7+o/TbGirIVAZcpCIZG0gUwZ6UmFhpVUVo7z1aLSp33SpsHLEanOlsrWzIGYGm9KGIdp7xzpFy7LWlHEYe/+RAdZjoVNM3M8wm0EMSUmhS7hvGUKWlP6gJD5whOKP4VWR5AOlz2iPbVYDdOePUdpSKii1Ny0IplKDgXjcDEZ1QSOY0UNyI+mlL3NvcMKR9whJpaCqARQSr4ruVJVwVotbLga0OSRXYrludttbasUYdSnQ8LP1PbmDb/uRpBi+ugi05YlW6T4qtUl2oMCFTWMlkoKZ1qdUza0hW753fYvtJKd2sFfZHSe1O4vXnFvxfFu1hSbznC8yTYNazXejF6rB9ozraouwy9x+2U+TiTpNEasjArrnlULFTtqgLHeIJLpgKNZCmByDX81fVKGJThCvqdKXDrjIQtOrtCqPylSxmEnAMe2AiPLZvMonA3ds424rCE+tvgL3kUt7DnoEpeQClUUIPlpC2KYVy802lmGiNPDyfSVJgOCU1AFLx6Ap7s7L4Tqd6ZAS5SZRJSgUBP9kCeII4wKuHguB1f8P78Adfcge7JcUJTZpA9zgs+WDjMeVfRoBt0YzHwjlDDX9W7LJrX6MES/m2jY0qX+qy8d3R9h2pimk989nLk4Snw4r33UMns9rdm3WsE9SZs6mQ9FyQ1XLkgx0HVkPAuR5RMzjMxT5ziiUM5cJ/vOfCK0X2G+idKODGPT4zzyBwLKbZcNOCSecveMewDN7c3dF3Ae884jhyPB8bTkXmaKqFIDc87Yeh7fFW8qWS+88l3zeNwyiA3DHLL7XWGK+t3HBgQNRrH2tiPBv6x5g0ClLVWuCndWqvpfI1OBF85sleBb8arQxoauxRi1IVLm1xXldsIbJrL5IwTWMtCkNGUrlGHrrJiERiyvm89uzaHtnlHa31qUl59sNW+v8V1CR9PuNmhekDJeFcsHZILKRbmOUMe0CiEQfCdUPQRcQVhBy7guUIlmLHibJU48RQJZAdJlIwBEbuqGNVZ6qrITJEZ8QlxyY7rdNMAooNiBDpOpeZUVzDrRlKcKUJLfcgiXJ1WcFc1Rhrxj6vEFVKqAePPvWHqMxJxtPaZZwpXoIHgZL2U5c2AeauS3wQ7l/NcNkR40/aVVrprYbVuPKl1kN/g3J4fg7MhfOYcr5/z/PdvV7hvy60HaT1wTEFlp9AVuMr4pOwEK3HICZ0dJfeE3JvFVl3tVnNo3YzMA82VbCFpJrXSH0ngFfHCcJfZ3RW66xN+L2SJZE0VLGRF7EJbLC2Hu9bfQrP/NrNSanh4WR+rJ9zGSc+slw0ycan/dQZGsUQuRi/pcR5isrKPp8cT0zTx8uWBeUocn2YTKocCWQhpwKnxwUoRJAvFxeqhGGDIVykrNXyWyajO5PKEBa9GPs+R+PDE8OmAk8D33fwfvD98hJIQUfPEequZDZ1f5pqq5ZiNxKHUXJjd3Zp6sFcTzLrJbRtPcWp/2nMpEXzGd5nj9EAZE//ztx03n98xzTNX+1te3H6NEAaK7k1AB2PbQq2MR2vI094tFBrjkVwi4/xALpE4H5ll4sE98CT3nNyR2R8pfsT7hA+F+TRzfJiIJ6HEzshCnOL3I6H33Ly4ows7drsdp9OJly9fMY72zGg9pkWsNrYKvaJKTJGn0xMqVKJ981oHFfbaoSGwv75j716wlztIPRmP35mnnYs1nHBFlpmnxXK5Tem26FTwAd95QmdlXo0Gsc1FH4IZfc5TciLGRNeB78RyvAho7QndlK1Y/XPohFK7MFHDvHWhrtwUzXtb5syFkLiQZVvl23KdNn+EGU8Wh9tdEYLQyyO5TKR0sgqFwRNKYFd6NDsohagzJc6k8gonkc7tcBLoZsM2+G6PD71VAXjjqU6hkCSTa9pEXLYadzkw8cTMS6K8QvoTTmYkGPak3kj1EFu42uHUmcxquddmysum209jhtooXb+JiJmBzxoxqIZmKW4hCtzKqcX8XE+3KvXFa9ZlLW/1h3pTvGtI+/KBfbHj17bfF0pXZPW8tkoXNtHLNx7kbT5uO8/qD7fznn//JqX79vO2MAkIjRQer9AX3F4JWfG7jBtAK8erlGBF6mfnbOAAFiFuSrhY3aFY+NgZyxxhp3T7gusjEiAT15pYBdri0JaDxgSmZCqsijMr8mL8m1oGNqFnXViXoHrPVUOLbPKbqmid3GcLpkBOyjhOnI4jTw9H5jExHQ0sVka73o6OQCBIT3P0klquW0jmAVZy88ZHa4u2WC9Ql3HAqEqZIq+On/Ly8VM+6r7GbbgzJh3BiOZ9rfFrNbk0D6V2PKn2iq1pm0OtZndrqp3/v3pJ9QHn2u3FoLOFmI7MceTlq4+ZpiO3tx+ScqTvr+hLtjB88HRO69y26ymlIpgVFGuHN01PxDTzdHxJyjNxPpB84jSMTGEid9nYmGoZixNHiUocC5ocZI90AVfbVfZ7z+17exw9rjhSyjw+HpZerF1wlq9rOflKNE/NF05pNgVaoxhlLlCi4SaSwzPQMRAYqtdUQYYV0yDU8GJbFcUUVsmNMrN6O41X17UIRVuHFdDnHKV2yjLudENiu2JLo5E5SMv9VhCciIVEBSjerbWctPIym89+E0K26bAa5y0StFXK1HnV1pcpYIVKt5jFI6HHSyLkADkSK3VoozJ0eHIUcjSZYOvMegQbrWaA7HCSTBFS8MUbSlk9yWVSNVxVjPYQlMRE0pGkRzKn6uVWT7cJqW2iuIqTFrpdpdgqr8/f17Gwo9T50zqZ0fRAzekWq3woNeLjahkYyEIis8igeg5XoxYt/dIiRGdK9/xxLB7vsongC++0faWVLqwKUNxqObetPVjdhClf3+TNX52dqJml9ZhLvd9zEC3ZXMu5u71cntpCoHoeilJ8rQPsMkLEe8dV6uj2nvxxpBwKeoKSPY5gXlW9f6dNlGeKJtAZ1QNwRPyM+Mz13Y7hyvHB93j6G6X0B6IzD1LFCAyUQCnWF1Obpytii3wJvbTvqqBSWVrKNf7kNexG7RLUwtI2YiKGeLZcmDel2poI0CxUZ7nA08TLl59xPBx4vD8wT5HpWNAEEgeCeoLuCdIxyBWeQEePBFucxVverDirH27yrL2WOeQx8eTC8pxynHl4uOdV90Bfbnmxu6bverp+RzfssHISZ+XQCnNUNEGOFgZzClQBr7UzTSzJAHHexil0LZddvdKk5BiJceL+8JJPPv82Lx8/4fH0Oaf4QCoTD8fCKT5Q/pdjv7vl5f0jXRjouiu8s1IdIzOwTjxLdyJqhxwKczyRc+Q43gOF0EG377n92g3vDS/44PaO6L7O7L+XMd8zHR65PvbMx1cMMVPyCF3Bec/u7o5+1+GGnvmUefjkU56ejtw/nKx5vLc2hz4I3jXe5GD9Zdv4iNJgBCkXpnGi5BFNI+PTxHQ9WwpAPCTLz8VYUGdhT0chbJRXTpk4R1LK56FaZ8aSD7WtXfMot3KiGcMFUip4r4TAkiKXOraN3EFqTWnDrXl1kLFwbFFyyXh1S/jf0kr271JDxjGnJZQsIrjalGIrYcwz96Rc64hLJJRC3+3QzrPrlGk+kGMmlZnTPOF7690rV9YnutT8ZJquId+Ss0eKI0Yz6N2UcL7QzRkZBLcX2AGDIlYIQHSKSOaUP+VU7hnlY2ZeQTgibsa7KuMWxV0Z5J7ZmmH+tm355eXibY9K7XxbfEv7YQtHt+oIrcZ/i24415S6bk7WnI06nxoIsV5nc84XTxt4x5TuV1vprg9qfQKXucT22dkjPTOulNd+cHaO9QeLdbOapecxiIuzwrkRsP1bME/XDtMmklRmKkU6g1KGK8VlmHYFIgbkQdFcOY7bhamyuFaaUJ2BGWTG+RnpCsNVz+7aMVw5ur2gLtHwyFBpahaO0VoWL9uxbWNVXwvfdbUQWd9loYZsvy3L2C37VSpJMW23PIVGRqJFmcbI8ThyeBw5PJ04Pc3kOaNzgOLwZcATGOSKID07f43HyNhFG7jJGehjgZLr5n5a0bz93YrlVS1XRcYQt9PEKYzcDleIq+U8Liz3V5Ta51TR3OoDW7i95upaXlfX2mRb9W0emCCNJRLTxDgeOZ6eeDzcM05HYpooJJRE1hkSHI73xJTowg0+DAR/xDuP96EKbKtNXepT0erpFGKeKCUxzo8gyjB49rLnNl3TlZ4r2RGdI0qHzz0+79iXI6MqPQ8kKWRm8/C6HgmeVGCOmdPpxDRHci5rx5bWMm2Tp1zaqDkxxrCiZGdGQioZnzIxJuYYiVOs9dHLkqxkF425bP2igarM21xrUhq5hV0DqxCnyZOth1NniJ6/FsXb5Idu8oB1jS9KuOpx3fy37FMNU62VAK193TaEbBe2XuPqITez2EqafF1DTvZoUYLf18jGbFSuPiIh4ToLv2rxoHeQOkS85bCL5bJLNta5MltUxxjFBBfABRuXLBF1iVgORJ5InMgyoi6C5CX6KFJ7aS9rvo3sms99G9D1bKvPqsWLtt7SNsApix215n7XCByoVjBUDSu7Jey/HmP5YFG6dT7UObIo3WUevi7r37R9pZXuGmppaqApg+1ezyjV18ZGNvs+v63pSF0XYP3t5cPaKpvt+VtdWOv2Q3abHzapALiC6zM+JDp1MAg+K2lfmD8rlMlTjgLZkRPVk89YcdBM1hNRn5Aw0oWJq/eMV/nuw8JwnRneB+mFsZJJSm1XJ5X/WZdIXFOepe5TWYe0stnYj9bbbGQgFcXbymAWRV6wPKvYYvTOutwUY8XH0S20bcenA48PT3z++Uvu7x+YHiLplCH2uOK56e7wvmPwNwTXc9W9oJOeXbixpuKVdF9VCaXDq6/AtcpUg9q4CRZ2F8UHizpkjeQSyWUmTHvGMfJSHtBp4G5/x9XO4UOHD51BsoqQUvXOpgS5IAkrH/JCS+hZCkEt0gaE3igSQ7COOofDI8fjgU8//YSnhwdeffopLz/7Ni8/+zbH6VNiPtENjp3f0QXLNecSOc0HvvPJ7yAS8G5YGLJ023tXV5XUyBicb0ZABFFitpDobXdNP/bs4h3XVx/h9x1RJiIzVzf/Xx7kE/KrX+elfpd7/znqwfcvmHPkO//rM9I4kx5Hus7z4dduFuPG2uYVgjMkungLOeac0VxIUyJpYSqx9jyGSER04uXhc77lv8XXrl5xszvSuz2OQM7RwqO+Gdf2XEsupJiIc1yAM85bHtd3ltMV39Zbw0XUKV2w0GwI+BQIvkOLEqdakx+oYXEqF7pWoVvnFMYvTQEVD1kXRrStjPHiqbRWBtiqjUnmGHHe2MGcWBrD4aDWCKuqEd+UyE4nM66igcocN4ju+PBmx6xHjvqSkVcc9XNm7knlsbYF7PDD9+H1ls7tLVqUOvPOj4WSM+McIYNMQieBjtqsIBfm3SdEeeSp/C6TPpD6zykcyM46l7XKe5PHYXUJXXM2XA3pNodGz+TmwvJUhZGRZazPqOWDL+kanTiKU/xSqbXW/J4bVBtZXaNf7dmdbQv633RLSzWeOeZqnvAfCO7l8/zt1tRhechrPla2qs22xeOt31wE7lcvVy7elytYLdD1ourfZ8RmZwpZXv9R/b9bjy8KLluouTj8HiiOfFJwBtIpySgjKAVDoprSVTEP1w+Z0Cu7G8dw4+mvlbAvC7lUo8prDZoXQ+LyFpW1dq+VnbR9lojMxuvV82NoVcgt4iDLYrTjpJgt/5bMU0yxcDyMPD0eOB5OnI4TOjkkBUIZ8BrYuRs6NzBwQ5CBK3dnnq5c11CSbzF3+jIQNOA1mPDaeJ0i4IJWcgAll8iUjiRmYj6hJaAFYoyM84k5zswpkouV/ZTqReVaMJ+Lkbk7LGRvNkpjR6r8vJWuxB6gMsVEjDMP9y85HA589vnHHB4fuH/5GY9PLzmNT2SNBljyDudrmLExJ1WvVSQZDWYVUgtlnW5AbO2ZSi2rEDC2L0hZSTExHyORRPIFpwHvrhG/p/OZO/+E6x3v7z+k5MiYj0QScVamXDieIsRcPSRH3wcLZ5dCrg0iSjUEcrb1UFJegH+5NnBwUKMThuae8shhfmTKJ2KZCC5hjegNvlodPVvGxUpbcu29227dyXmvVGp4cQW4mQxoqSHb10qKUAtXh86jFesgNC2gNaqwWdfO1oRDKDhccYulbl64rrzx9YEs9bCqVt+dM7qgitQoJdvSkmo8lVzXf83dSsDj6KvSyUxkHc3odNadrLhinNnhHkhkNyEScGEwjmlVSipkkp3HO5zrcNLXZiqFSR+I5YGZR5IcwFfmEVr9fq3/1UYP2qI+m0jXxgxZxW5TbK1efevwVIW3jP75L5s3Kphjs0imlvJqn1w4RUs+/62eantOmwveRkxVvuD36/aVVrqvb7L8X8/+tQaY5XL3Nulf+7J+1JToYpW1Y65Wk17s247lllIQ21zrSLRk8OsXC79y9YqKea5KAh+RwTN8eIXcdXQ3njw6xs8zaUrMjyMlJVI8YQikGVwkuJnr9zuuXgzcfNjR3ziymyhuYsK4aKdiucQhdGitFb1MrbTGD62jkNEpupXztIbEFs7hdpy8FqE3oeIkIF5pvXjjnEgxc//qkWmKPD0ciXNmHiOn48Th6UjMVo/7Qj9kH6656T6gkx03w3sE6em5McWQrVl5pzucs0b1oQ+EELiWK3bs2Dkjx+iHHS4Eur636INXVDNRJ07jEy/vP+Y0PnKIr5jwzOIZ5xNFhU9efYcYT/QhsN/fcBUU8YHsnIVxS8SpOTASBDeI5fUkM6eZrIkpj6ScOLx6ZJxOfPe73+J4eOKTj7/FPI2cjkdyjORxrs800w3gw4BaERjOdSYo6UCdkS2QQTKVi+As2Goyo4UsbTWkGnXwwSR0jMoxznz89DmHLjHtHHcfCC8+uGV3c8Ow7/m683xw/XXkj0Rejd/h//Wt/yefzy/5X7/9MVOZiJrYdY4X798SvKfrAtM0EmM0KsacKSmvQrAaDYjgO/P8r/eDKeESKZKI7sS9foqf9nw2f4eb9D5+2DN40Ll5sdVkVTPe5imapxvjojh9vZ7QGfdzLZNnac5QZaqB0YwdnQKaC+PpyDSOFRWr+FCN+GK/hwDO4UI1tKQYaNE5XIYShLRQUWZyybgKdgpDj4jQ9/1CL6qqxBgXT85KhsJSV+y9R4pnTBN5TlWFdXjfVYNhR/ADXQgMLrALjqciHIEo9yR5YgrfBknMMuDE0w97BI+7rkA1622IlA6Vnux68AV1hYfyHSYeyO7B6nPDCU9EolqoWnsWQCastLG1VhoNiDSAWTnTX80gRy33rFV+lAomW3iipRlIVaYqq9OzEb3nyrDVBK8KW1toWNbwd9tXVhj0quLbrbB9F+QPAvfyeWhBNq+2rUpypWq43M4f9/nxN3s9k39YLM6La3ru3+0cywQBrJVIm0WVHL2CAawpmhWYF8m4UEkI9t6Eecr4WfEuIynDXA0BFVqLr+420N0EZG8h6kxltxHr16ra2WTSRfqcWe7UkWvlDi1bC1LrTo1ZcDE+XnOTnxlmIEbrBHI6TMxz4uH+iXmOHB5P5KSkuZBSwbnAUIXIC32fa33BjX5Ax47BXeHo6PUG61tsgqPzO+P87Tq6vqPvO67dFXs3MDSl2+9wPtD1g1FNSqlh2ieiTwgdoh2iYZljhUwqE8fTIx7l1eM1UxxJruBCB11nZAop49QqhaIW5qKmjMps++fEaT4S88zD40vG8cTHn3yL8XTk/v6TakDNaCPWkMZjtuYDLaDpFqGmizKteej6+FqEYfsQpEUYMNAWIsa2Q2M0U+aS8cw8yZEwHuinJ2OtqgRX4gJX4QWpn+nlhlBOxFO0MpmuVCa1Qi4gyQByLbx96XWYPK3AKh/wwdGFQNaEkXfYfWUfmWXkVJ44pide9KP1ta3YA1G/eJ6N1GKtx6wNymt97oKaXore6/ieRXhkQTm72mcVas1vFLrer6h0qZEf3cobyxm6YOdTV4PshaVZRql8va6BvJwRpbhKwJAr8M6qHBziipXaLOElIVdJYbdS0dtio+LVodpR2FH0miwvgMIsEDUQ5WhRl5KNJ92NGDlGZ00cvLdxLVYN4KVbsBHR3ZPcgeKPqMyojxh3dB2TRoquHihVwZYagl890fXvMym5To7F87W/t5n7ZyT2+gxf867e/JutDthey+oZy6rP60Eu45/NsXiX7SutdNv2Zrd+4+mqXo7SZp/twL/5HKosC6L95ixS0YZf1t9sP28I31Vpt9CXCT4pAaEq4kr8lsuIkqFL0PUwKGhP956VFMkxWT3oXBeIdjUHq3R7IeyE3GdyKEwW4ETzUBV9B9jiblwtTenK0lS9UgXWPKH1dW2F+iysQks9Io3Pt91nizHY4ipFeXh4YDxNfPc7nzGeZh4ejtYFJilOPMEP7IY9dx98wP56z26343v0/+SFfsRweoFLHdOTNe7uyjVeOstLuY6h2xP6jn4/MOx7hv3AdbdjFzo611lPYtdj3Ma9hbeLEU+MrzKljEwTxOQodEs7OmUk6szHLydevQw83H/C0O948eHX6HYD+7s780Ccs/ByVmI5EcuJV6eXPI1PHMcDc5x4OtwzzSOff/5dpvnE8fgKtNCLkUvs+oBIQEJlXVJPUsUaCgUTWLnDSaDl1kXU5oueas6vmJeCX2I8FU9t+ScVcvUiGjMQBsuhUJjTiWP5mPE0Mx+PvHB3XJcbuoo4vu6+gfgrbvR7eIqZfP//JruJ7oWiqXA85boOdFlhrT43tLrY+lkIptiGbrAc9+BJMjNKoSQD9qRyZCz3vEzfZX+85bZ7Hwf0WG7X13soxRocxCktayv4YIT/XU8IzVuUszrpWi2NUMPBYo0HfAh0oSeFmRQ64hyJ04T3oENH35uyz1oqIX5b8uYN727CEsk6PUUmElOard61JGs+H6zMa9cPNHBkypk0ZYsaoRbxqJgIqFXz4ph9R/KCyy0WlXA4U94quNjh8w2dC1x171F8ZORTZh54UmXSz3iID0RmnvRE8ZnURxubvtRjWZeggLGwOXFEiVbf3o3GSCXTpoOTB6zForUEjBios9H1+CUfC7qRqbrIjEvZuQCWNvJ79XK3e3K+w+a3luY7B72t2+q6LsbhVv1vTrKEvdspFtXxB0Hpbkf8/AteU6LSLNDNUJ55Zm9SvLLkFc7fl7jrevjV5qlfyfoHXEyobSFAe8CyeCLt2FL/LJoxtvZoyitYcb7uoi3GzjxlV9qwCDKItbxa+FttyktliXFVxKwAgjohG0nGpoRCa/7VvIeyXnNrJddmYb1PJ2v/zRZOm6eJlBL3Lx84nSaeHk/EaEQIzjn6XUcXeva7K/a7a26ubtntrxj6He+lD7jLH7CX93CpZyaj2RHK3hp9y956j3YDvgt0g3m5XdeZovBmeZe1mSnkhKoyzSOn6cjD4ZGn04FTnIg5mqLTvIbJFVLJoI6nkzDNR2YSoevoD5/XVnYmYH1Roo5EPXE/vuIwPVm4tGTmaG36UjmQywgy11pYA81YBERpDFJaTWupYJ021GWRA6Zwa0HQxhewwtIlxEz1gBffuXq4a9IMKKhkEoai7nNgSJ4uKRIzfd4ZAKgopVipVid7emlt4greO0JoPUlrLlWopUFSFbcpNqgMUVjTBKjoajAjr5ZVlVSIzBzTE4/zPad4YHBX9LIzj7PmS0u+qMtFlvaFvrVebLwvLRS5xG82NbJ1nbtKPxq6nr4UxlMkJuONVsmE2j+51DUg2vAB1UBVLH9ba6V11QCLB1eyXWtOlo934qr5I0v+uz1CQcAbyCiror6DYK0drSlDAhxBumrYVDAW1n3HkPqOINcUHgjcEXmJZyTmz8k6k+SB4iIFq7cNknBEMo4gAS+e3PijJVUyl1YF0fAapnDb6LbQvW7u4yynKyxRmQVo2v534Si1mmVVM1GakjR5U52hjTxaT8LCDCZnx6z5+CrcZXNRZ55su35Z72N7+D8YSpd3vc117zMdvcyCZ11g22UJg3ARYjbB1kC69eh133PT6wy2fhkOX/IS9d+bcLPgrNcnhVQSWY2cQsWTXBXMQSspRG+o3bK2p8JBccpsPhAJC0sGjELOwNTZiDdgEYKC5TiXTkBQFa6g1aNt1xx8WLz3JlDM4/O1cbwpW2OResnxeOKTT14yjZHTMQOO/W5g6Htub++4vrrm/fc/4GZ3w+31HcHvCW7go8P3cTt/xO3+I0LekW9Ai+DKYPdChzhP8J2FBUMVsEFwzpRRbG35SkZVKGUk58Lj4YHD6YnvfPJtTuMT98d7lASSKGqKspK7MhVHKsI4PhrA6pNqPIUKglOjD+kQksxkmXiKD4zpyO5qIHSefhdMeYYjnpmdyziUwVfYTc2VWwrAJljR1l+0eo4V+NqQyNRSIiUvU6tK/MW8W1Dby1yX9XOlCmUFV8iaSEyUNKLzAR0PRK7p8y1ed4R+T0boyx1X7gU3/cDkIiUkus5xtbfcuvNC8Kbw+r4jeM8wDLXtXzWEioWCy5yNmer4YJFz6vMTR5bMGE+8nD9FdOBru+/DE7jZ3eGkqzzLhlhOMZFStlyu97gQCH2H7wO+r6jl1geizp5GdNFUQcMaO+8IoWO/F7qu5zQ+Mc4TnBJ99vRXO4I4stYSraIE7+h6a1+oBVI0cGCs17VGHkzqpJiRXAw76T1911trP/G1IXuiZMG5jJZM8X4hOqHfVdKUA1ISTgsdgZ2rnroMKLs6lzwlOXbydYpLDO4jZp5wfMxJn5jSb1F4ZEq/RfYHUh9xIeHDbL2aUXo6gvjatANTupT6DAECFiS3dohVBV4KVVg68ixsyIsP47YJ2bNtUxTW7MRlqq+AKJDXW65ScZVbUb/8WDZKvqUZVoNsUajP6PH2fomFedv2lVe6bTt3evXs/e2F1/r8iMkzaOeNq7taP7p81T45m2Oyije5+MpVT8YOUUxoLq3zAHwt33GVuqyyqpDp2uRQqio1MIVNjGaz229kIQ4wAex0sm/reZdiQmkOQ1O4zRio1mf1YMHoGQ0lXPNPKS+ebRHrcDKNE+M0cjwdmaeZ49OJaZ4JItB5di96nOu4vn5B1/dc394wDB37G6HzBUfEz1f4MhDGK8J8QyhXdDoYKxBgXVzcslBVTaFqLrboSwtjmsfRcouoAVrmFDkcXnI4HjgdH5jSaD1RyVY/2aZHfY85k4paGYjqkjck2Q6aK2rZOfAZcYmgSqdAnCkqJKmmdjEzyEtjDerM4xNHkUCiA4ywBMQ6B1V1kJs3uMymxihWBVb1/KQ+k1WObHLD0gKq2WopXZusNoO8OnzpkXRNSQM5dsSUSTqi4qw1oPP40LG7GhCZiN0JHwwc473lPvsu0PVh4WIOnfVzbUjCXKyKO6FkUTM01aOpQ8VRxFlDBxGOciLoA/flni5f8aFGvA70WSoCPhkaulTCihCQzlnUp1c0lIWEZiF4KbZOnLSV0x64NXcvTtDaLSjsB3p2JHkilYxMQig7+t3X8MGiK8bFXeVHtFeZFbJbGrA75xZSDHODzRg0Y8DASIFgKPdcvWXJC8FEM947X8lag0Ctsc1kZpJdcTWKcS1qYlSxKg7vBnpRruVrBL1lysqgD1ASM68Y5xlNRzSMiBScK9Y/2nvwBnKy+alQvBkNdT1aI8TGVdGaUAQb86XcsM7GFkI/U2nrnG0+plbv8xKd04BRy1ptnu7FnkVWA2A9SkNVb9Xsoro3quEZh2y5SDZe9hdvv2+U7rqtZszKzfyWvd/wvSnPxVVdFfNrine1456LdDeB/1wk3Ktf8qZKMbKKTejECN29tZIq5gHJtpbs7ICJRfC2rys6tcJtNuGt0+X8tjtpfcmWw1tozmqhTbF556tv4JeFX7QYYUUdo1JJCR4eHnh4eDCihGkiJSsH6bwwdB2311f0/Z6bu+8l9AP9zQ7vE6Gb6FJC4ogf3yOcdnTTDV2+o3O3BHpTFGpBrXUoamiyYtCWe2igowrrNZRhIcYTczzx8OoTjuOBw+ElqSRKo8VsXmSphoxqZTfKWIF0qYaUgWEohZKSKS/v8WLsR32NCqQ0k5P1OMVZNMEpRraBx7HDi7FppRpgzLVl4mpNt/BnqoItL+LD5ntYrQQqVeEyE1tZS5sjLQRrKNkapwVyzeR1+LLHpTuYBzIdOc1QJopY2znxnk56rt0VQWZO4dG8eE0E59j1wv4qsNvvcME8T8SMiJytf0DEiDES1hpPQmWcmrzlmMWBC6h3PHAg6md8Vj5FysD3lJlAocsOzdnaOWbzupw4pOug97ATtC+Uviw8MBDYImybzWGTx9VyJaE4oYgH5+hv9pQ+cX/4jDk9cTw+EfqBD29v2fUOf7U3xisETVBmyLNSImg28gknGGIei6BYizgWpWst9oSOzpi0sqOlD9pFSt2n90ZZSe9q79xkT1mFIKC+MyYw7ygqS7dCBYsiSYfjBbFk0Fum8sBQHGP6mPvZCFBmd28GZCj4QZcyKJyvtfDVQ7VpDVqdAKkMewoFh6pfMlaqWpuyWuprIZ2QaiRuNNpWVL0RDquwrbM1Ed0AUFVObVylFs1YFOxGSSvLsl8VqwpvcsBNTLy7q/v7Rululee24Hr773fZ3gjKap7vEsZYRdhzv3sTtVnb7V0uR99y3ZdAA9u/Thmt/Spb5426SyNJWOIzen68bfj7PBRuxAaFTErmBefqTcQ4k5IxEDnn6KoXE7wpitB17FC6roOKAu0HAwxdX+3xfqDrb816dg7XaiXVFJF3PV3Y4WOHZFdLKiIxR3u+VaF5720BN6OFas3KCiBa83Um8MbpxGk6cDwdOI1HYk6mtCuJhVamkMpavM6nxSx2i9K1cL5YDW3NzbqqdIO3khDNWFi7kiA0RhxRwRotWEmW9wb0EnHkImRdCT2a+b88Ol1Rt4tiVvM010/r/jWZ1XKty9yRFdS07KeVm9p5nAt4H+wZinlm3juKg77rGdhxt79jlIzII7l2thnHiWmeGaeZ4XRi2A2W/+72NcduHWdCTXWIeAP6FWsOLqUZFEawL9aRHnUzp/TAwe15iJ+gPiL6HiikMpKqcSnS0QWhD44+BJwzEv4Wotda46vtlpf13BSAedmlASAROjfAkDloT5wCT/MrNIE+OvbDFbhv0LmBKNdIDjAHNAul1PSDaDWUivWjpVBCqbXF9v2Yx6XsjaD4vranVCxt4lcEc2itHLueLAmdjV+85EQWjNLVYYQ1UPvANqSxVUc4rNXfPlwRtADv4/PEcbomlSNzEtxQwWUVKb8xze1vc9YXuldt8qhNsfYPt4Z+LcqnNWplhnD7v7A6D1v0y2syr8myjeF5/h208iCt5V6C0bOu1PKtZl8WhatIK9tez/buevWt2+8Lpfsmxfounu5z29vKfl5Xphd54s1vnlNgZ9SV9YEuUYllMuqz789c6bOfNcXQCqUaUKY1YL5UuNtrfO615Pu0VIsdxnEixcTheCDFxPF4JHSBq6srhn5gv9+DYAxAlWO2G6xU5+raE4Ljatgh0qHcWIlNqZ2MloYLVqrQ+x3eGWoyp0zJypxmu8+l/2nz3XQJS0H1dtAKVHLLAislM84nTuOJ4/HIGEdSjtW7ZRk/C39dKl1dnntTVk2gbXP0dr6qdJ0jqTVnyNmu0YVmBFTGITV6Se9683yd0SpKqdEDvRAq1Ge8EWLnM1M3+9m/TNduiADO5mi99bL6AVKjG94HUwJYtEWckY90vmdwO26GOwKJwo5pmpmnmVgpHKdpYtgFrq72DLsB9t669niPAwK+eiE2XkUNheyK0WLaRWcLb1alO+UHjrHnKX2GaGYQa2uYciIv3lfBOyF4R+8duLJERMw4qW0A29qUBiprhpV53ur8ori6vseJ0sWBCc/hcE8sE+XpwD5d0/eF3l2TRXFlwKerWlXgNmtOsQqDjDpLE6izuZZRSsZwF0Eq21dtR1cU8c6YvCq2ItTIk3RWSJxlfQAAgs5JREFUwR0ZKVooOSECOc+4gIHSaAovYcTlBVzBq6WO9mFPB4h7D+KJV9MVYx5IqdZyC+RK69jmfNvW2oWKMF58Rptja2i4zjVtn7c6Xd3IrrIYza8pXGXZd1W2F0p4MUJ1M8Xr8UWW3ta6oLt0OVfL4crZ+TgLdnK+B1xe4xdsvy+U7v/dbSG8f8bL3YKnnvsN9WG8yUF+7vhLK6uGXtzQ9bXvL7305zobwSo8t9fuKq2c7XGpXc0qfU7xLrvIdhLbTo3dJ8dCyUpKxoMrAqHz3N7e0PU9t7c3hBDo+54hDeScaq2js/yad/hQcE7P0J3VL1290uIhOzQKeRbSXIhzwmOEFl3XLZ7tmYfOasi4moeWBT1h4KQYJ2KaeTw8mpc7j8xpsjIOrDtKoVTE+MaNRMwDddawfPVya9h/4a22Uc+56WcH0tMHIfgdoUwUzYbMBQRvv8uCZk8sUOG+IIKvDFRale7q0W4ur1Tjb/HAK59n6zOrm9mgZkg0b1eWTizLBLBUAl3NvbY7rQjkaneUrETNJKe4XUcXdtzsbhl2ia6LTNPE6TSiWohT4jEeeHo4cbWPdF3P3e0LQrBIBk7w4q0dZSq4VHC5EJx15XFOcT7h+4gPkRwemZ3jQb5F4cDOCUF7xPXWgMIFcMWYsRCjAC2u5v6U5SZoQrXGBqTNx/rHkkIxkFR21hbRDz292xMmR4wzn07fxqeOsTywC3fcDX+IjmsGfYGjw6u15LT6dsMMlBKrkrESmlwKpUCyCYDg8bKSenRdX/mqDVwJGHASoROPc9CHjpwzMc7GVFUyRkhRatmf3V/z4hSHRuvQ5dMAogz+ljk/4tM1Ll9B3tnq8cqM/d6rgf9aWLYZOnkBK9YcKy1Dvq7Phmlu495Wp9YoRBv9ljpaFO3i+r4e5VsF1ut/VxvZloLTteyoVgJsWwe2ozZFe/7J9u9l5rz53G/Yfl8r3S8bWt7u95zieU3x1YmwFni/HuJox3qT0tw+qEsl+3aPd7UM36R43xxe34RJL+6/tam7PG9RI6HPm5IMpVTCeof3gWEYuL6+riUjwfYtxWojvad4V0M8c1UKnCmOpQGCOlOU2aFZ0Ght/XJu+bjalAClNUNvoaFG2rFY1Isy1ro+lJhm5jhxmkZO08icZlKu1Iwb73YxjmgmQf2XA99oB9GlhdkyprqWrGhmaSMXfE1wZWcKvYV6cQaCqYZYSiCBpYUZjZyfRu3IWW5MlYXdrCE4FxBI3WcrNta50AZ+/X4RZ1J7GUtr1lDvXaqSrsIsJyV7RcS84d1uT+gSzhmgqGhhnmbmmJinZHZAhK6b2YU9MjiG2t1JK7e3ZJCiS/kbAuLUyCG6hO8SxZ2IEjjJ5zgyk9xRZE8nzviOq1VUZauFqx1G3LGwra6eUHvKm48X4W7RokLWRuepuC4QXIffCSKZx9N3IVm97r57QcYxyC17MaBXYGec02L5WTBsgOn/zp57UXIqTFM0dsck9F3H0O/w/mpRuIJbwrRSa4CNx9l6BaMQtdlcZZks4hS8AcZAjRxF630WweUA0tPJnpD3xvKWe7T0WDu/1sRe6bQ2WzCS9RqFaXiOhh9pbFLNh6StzGVca8ynGq+u0tJWWYRbIx3NaGxLcuO9rvKKs7+3RpUF0BQtq4xYQse62X0TANrK9OUidKuQZSPCVwPti7bf10r3TXnVy+1Nnu5zeeKLX9qE0nWfNxN1vH7cNoHWiVrOvn/zeauCWsK/58r68lzvCijbGg3t1cKkgYCvixZdQ0ulhmaMps7TD/1yTOdNOHvvakE9tnirF2Y8rmCMNb6SyJsAoJgicnR0fsfQ7djJjoARXBSxzI+rJB3t2rOuHVuWe7C7ouU0T9OR43ji8fTEOJ1IWshidrbUtSNi+calkbY00WDjaHgWhaU3qT1MU9gGWHFqCHXnOyPNFwufOwXRtdUcrXZQjJ84xmxKh2LhxK3X3uZX60yk7bUaB6Z0C6p+KXdqnto6F2zummIyj9p5Vz8WvIMQzJC6ur7iatez6wOuRCiFOQtShWvBoh8lm/cLRnhxdbVnv9tZqUzMxCmSopE+aC68+uwV3nmu9tYZqbN+cAyuwzkj6chqxpYUY6eyjlkO7Z4oTjm6j4ETj7Jn0Fuu/IBIj2hr7Wi5copDU7WUnLd1W0OljQ/S1bWktQGH9a22ULeWZngmsku19rwYSMt5ooNcZubyHXz6jM8evksnOwa5xjMQdEfvdrXPs0dUKBOUBPGVAa3iXCz9EM1Yy9Fxtb/m7uYF3/joG/Qf9YRhIHTBlFrLA4MxbqmjD9eIzsxiAfuSHTlbU5ElxFxTLmKNq2vjkYCglCKkuUPnjjJ35NKRSoBk8yi7ugaK4rUswdjm2Tau6y21Io1Rq8nJ5X9NmG3fz9HJTpwRj5z9ZIumedbffX7T9R9aF8/G5l9k6fb9te3CsZUWVntXN5ffB0r3f5cX2/69VTyXnutr59pYYO24X+Z6Vk/k8vPXFefldgl6es0LFlm6zLxrbvtN4wIsHnBbuN6Hc8+6Klbv/blgr8JsBZ+1Kd8IINY8m4gY0Ue1IEWtqN9JwFcwj9OGObT/r8T1qxdYNgtnDcPbu6pWcoOZOc4GnpIl+7M0RgJb8AtBPmYhL/2Lz9x0Q7nSvNDl0xoyF4/UNoCqhkk2PGelLpRaqVj5k0uxsL0Wc9hcteC3JO6rMLtQuvUDwZimLIIvSNmWop0LHdFGxLCOfTtWq6c1cglfr91KWqgeSdGljJmy+W3X+UpYkslZiV0kzZmjnkhzshcJp3XedEbk0LmWaHCo5mrYVXCYZANT+Rl1nuQOzAiTPoF4epfxUvBKK2RelgTZcnpK691bS/YqoM0UrSzwXlkfJBS12mnJZIzspWiuDbeE0gsxF8p8sDmcHoxyVAY8PUEHermmY4ejRwiU0aEzjK8yeVbiZCxrmgIlCyU65mlCCtxd35JiRLuhRoIKZ9GVGhJwEiwUL74an/bKuVYP1bmzNFoASyGo5detPr8aKdmh6ixcXxnqGvo5qBpZS53t9vybhwvb8pkzooqtx8pGhG6U11bpNiT2awp349WeSb4zsSUX/1w93yWyszUEeJPCPZevCxziNXX/B8HTvVAmX+RlPufRrsLZviubcOVzYdvL82+rsN+kLN90nMqgeKYY3xwSXq/3HFn8zGVdTIdLZSrLZF2v77nX2e/F3lupkN+AkqARN4A2wd7CL1IRxcoSampfVYeD1ktQ2ng6rdy4UvOnFp72BFypHNWtB69zy71qFTyiF157KYvwLpoNUTtPTCkxV2kkjaFLsPBbvU7zcKv3S2XAqcaCKTtXLXwq569RcCKG+nWuQ3yo5RVV6Wrz9E3pSjMcOkASMUkrcGRh+MFt/r0RnrJlCqvfiAIe583lECnkSsGnNU0AZYkKVG2Lb/e8mXvNu0tZSS7RYbSYrjQwjM0kE+zGJ2x8vsmiEi5wfX3D0O8Izkgf4pTIMfPys5dM48TT05EYE8fDyYBVvnpkFi+lc5WABaGUSMzKVB5RieylA4ncpxsGIi58QC83XPkd9Ir0RjCjWHmSFqO/LKKoX6tyBax+XHWtiy1rxxzVBERSPjHnI4/jpxzzPU88cZSZqe+JWijdI6VMpPSA04IjI9kh2RPKDV6v8HqHY0enVzgNhlBPymmMFt0pOzQLefZkPVHSxNB7+uCRD79OcHdmyImgtfHCghp2DnEdXX9D0UwuiTgLWSN96eiKQ2qFQWkdInKLdAjFeWOcFEha7IV1zyrJUjCqhVCa4rO13cLLC4ldHVTTt7qGa2ngKaqds8ZmRJoH2yRL5QtohsUqWBZJdykiF2W+lV80Hb1ZO9XIajaWbH7vqkGLq3UJZ6JWLt5Z7u0PhNLdhkCf++7LHOe5471buPjN5/nCkG7937so20W+vcO2TIuNB7i8t2NdKtXN/s8esyljNkpZqBbzhUEhm2utXtyyCDcXeF72VsWfbF+bnbcGQVsI8vyYyDPXY8QipbbfW5u6FzB3EmjEE+Lq0hdYGKDaYZa8b71qXT28orXcQQVfc93iXM0vLoR15mnVOzYl6U3ZOSNBcb553ytoahM4qAp34Uyq4fAGnGtCq/4lLVvWjANZex3XG2iirtESblHbuSRSmknek8S8fly7npr7Zp2/pRjQqJSCmouOr9zHfben8x25ty5XKWa6biSmzDwJ0zTVZ5RrTXhnIf6qgFfErIHcikZrVSczMyeEgVlOiOsoIVN8tnpYp9VZNU8sUZZ2i8v0ak+1DraqWmmXAGSKzmSiUXtyYkwHxnwg+okk0Wp5ESOGKYnMaO0Ymezo6vBEXJkIagQ1RYqxaTlPcUp21ofWq4W+C4FYhDF6TtMTh9MjY7xln3c10uSqYsCYQ+sUsRLaWhNbo10pFXxWfAYf2hypdKBtqTig1Ly1FHsttf+61N+rFEoxlrQ6YViKIhalKzU/26pd3ar8NsY+qmYsN6Mceyba5qM2dP6WqKLO0gZa1K3i2yx62Xi0W1kgmxB2m/PrqZf9VDcK+0z5NpnXrkvfKjsvt6+80m3vz4UF3gREKrUd3duUXTvOknd70ybljV9dKvHXjtMeuL5+jcsu1W+9vILnDII3hbfPFC9Q6ZJfU87P3t7GOjSvrH7mmrTSVQFfaNUlDKOmeH3rkFLBF66GKpEKYSqKuoyhj4oJzJzIGNUc0hSTWwRBzq3hgt1Q8022aRbnjEUnTok5JsY5McVkpSCo0QJqsVIZkw+LV2u5rxWDaStbVmVbirWha51jmsL1xvfsug6c1bQuYBOqgClYZ5naes55u84kSkyJOUbj5S1KjynuFdjUvN421hWBrLp8bsGC6kE4xTnjkXalhmyLkbHksqK0299RJ075gGZhPiVu9oH9ELgZOrrgyaUnlsI8T8wyE2MkyUyaR6i5a+/WfLt5/RZmH646nDiu7l5QcuHVq1ccj0e+9a3f5XQ8cf/ZS5w4gog1V0fYXQU63xGCM8an2rCguGTNEdwDiYy632Hv3yN0nq53pP49orNa4Fii3VtJZBQZevCugsSb1FaQGZVMJi684adyZNQTD+UTTuWez+ffZtQHTvtHkkTwCZFc0cIJdRFlpuiIBHvWORVIEy5FpPTEcCRIx+79HRId4UatwcM4Q/Iwd8zxxDg9wNPMKPdwNZH7I7vdjuA7QuhqPb4RwGjFRrg+GDjPefNScza6SQHxHV6sR66KGpkaheSUyMxJnzi5A6M/EJnseboMJEpK5FyIWdj2vW3ZIq3sXs2rdbQUjRHsCLIJ2NS5XExrLikpt5GDW+v2XDLR1KlI84TPVewbpfZSKiRVwQvtEJvgjaUOtNrkTQmfHVTe5nO9cXsTyeWz28///M/zQz/0Q9ze3vL1r3+dv/JX/gq/+Zu/eX4/qvzsz/4s3/u938t+v+eHf/iH+W//7b+d7TNNEz/xEz/BRx99xPX1NX/5L/9lfud3fudLX/xzCvMyf/lGZXbx29/bq7zzvst5Fi/iHcPJ7+jfXnqrl2Hi8/c37/PG8PL56PHsbJNmwV5MztVZXQyI5SXt31oVePVyDW1kYyVlIS9Y1uJm7LYlV22M23kbEMy7sFjipRhAx5jpTZkhrUVeFQ7iqgfq1mfQFubiEOniPZXalJzmhTqrp7TWgcIWKLo53PrMhVomVHsT+yYQ7NXOo807p+W5pN3o2csUs69hSHu5Wm/rfFj6szrvqzL0dRyaIaiUkohpZhyPjOOR03hgnE/M82jeb04VgVvWe9qsict50jKzFsN3ZpSEQOh7wnD+8l2P7zqcD8tzcGI5Yuf8YgRqPWeRSJaJ2T0xyxOzHIhyJMlojdzFevPWYCkq1uO4SCZJIhGZy8xcJmYdmcrIVI6M5cApP3JM9zzNr3iaX/IUX3LUe8bawD3LEZEJIZrCrekSo+QMKMYsZ5GQQmYm60SSI1EOpP5IHo7ofoKrGd1P6H6GXaT0EzGMjDzxlO85xFc8xVcc4j2H9IoxPzKVJ7KMZJnQep+4XNM0rGuqRnq0JeDrXKXOzyKZLImZmZnJPG+fcEEtT9yMzlbBkAs51ff22aZn8vmroMnKiRqgj43sWyMMFzK7rbVzQXP+vgAx5OK7zUuf+/7yXTbz9OK77QXo5WebBf0O25fydH/t136NH//xH+eHfuiHSCnxMz/zM/zIj/wI//2//3eur68B+IVf+AX+4T/8h/zyL/8yf/SP/lH+/t//+/yFv/AX+M3f/E1ub28B+Mmf/En+7b/9t/zLf/kv+fDDD/npn/5p/tJf+kv8xm/8xtIy7n/H9i4h5jd5w5de9Js2cV/S1KlzfRG4GyVyfs2rxXYWHnnL9iYg1Gsh5lqXdqlYvwzyeitQ7bPWGGLjYtony98t/d2ies17VCzyYJdVmXJyRn0mu0yiMkVVxYqudHc5b6jfwMprnOWYm4Xdhw7vPIfT0fr1pkLOiriAw5150s0sWAwETQjWCUkpi0VfsinZmPISshbBqA6Dx3c9LngIFtbNauE6pNTeqpZrFqzMRBXwWsk+vOVXS64hQiUVa0IQFJxTvLfwdQOptdx2OybaPAu/zFEL9RllpWLc00UL2SfLR5eM1tpkmwmJcXriMJ+YTjB0Qry+Yt/3hO6O4hw5R9QVui4gXSAv6YSqjGtYMuWCq5zHJSvkzBxHcs6c5pmohe76GtcPdMPe6BKTMZDllIx+VD3BdQQfFo4xoqBOyX6khEQsmcQjQQXKzFUZwL+Hl0RxSvFqHoxACUpxYgSqpZDSiOaEphMlR3IciXliSifup5c8Tq94dJ8wuUfm65doN+L6E/hMICElM09Wl6xlBzqAXi/oZ61RC8kRSiTpE+KEdNXh8AS5RkpAxwGNAcaBPEJ6Ep5kZuaRbiw8PX7OcOrpfOD9mxcM3cDd/kNC6HGyR4pHs/UadsGDK0Yt6XK1OsUaPrsOy5sbUGrOkVM5cR8/51FecQpPJDfi+4KEgjglx5rbTUIqsoSVW2/gki3sK9pWksOLgSBbT2MJYkZlMKDfJTuQZqrhvHWghPPWQBuvVi7lzTPbpYf67DtLCuP16GQ1vS+85FX4yLJqvmj7Ukr33/27f3f29y/90i/x9a9/nd/4jd/gz/yZP4Oq8o//8T/mZ37mZ/irf/WvAvDP/tk/4xvf+Aa/8iu/wo/92I9xf3/PP/2n/5R//s//OX/+z/95AP7Fv/gXfN/3fR//4T/8B/7iX/yL73w9bwIubQP8Z2AmbQ/z3Tf7+Vt+8w6KvU2QNVdsxzzTX5tr1WpJVR1Q59qbVO+aa2jhj9VQaC9d3hev7WLOPOfdvu3v10P66znWx7BVwLaInuv+0TqZIs0YoBqnah6JM++kYIhRiqvAEdu5hbWb8nHeLWhb79Za05wLMaVKQrA50eItrmU5i9IVVxdUVbZqnkLRsuSIS2PQEbESlRouXryIOiZnxrZIRStvPOD6LK07juK9kcmXjQdQajqjgb0MpruJVriqUZrCbYAzqA0OauQA8/SdKlLHk5IRzVaHLJ5OOqIosZgxlFJinEwxdSUYelgixSe8E9RbP+GiVkJScibGSOwiPkbERZTK7iSOWL0iMyhAKkNVr4JTT6ed0Y+mjBtAgi7P00trDWihzFQiiPETiwqnck/PwKN8DkFxnZiyUSHXkq55FrLAmBKpZObpiJZIno+mdFNVuvHIU7q3blH9K2J3oHBAZcLLCUfGl2wKteRKtWh9dLWIIZ+z9c+tBbiWa638xLNLuFpbLNoZO1nQOpcMOKh5JhblqPe4CIN2hBzwU2RXdvggBDcYa7d2BAoiBuSjpkio+X2bt1VGtnUGVgpVIrOemPVEZqJINGUt1mm5LoLFA6WRYGQzEHM2kphV6ZqyX2lYgcbOtTgdujzHVUJvMA1Nhl0qukWAtM8vhYs867HI5v+rnN1E4Nr6lyZba4pG178B9MJYeDeV+38zp3t/fw/ABx98AMD/+B//g+985zv8yI/8yLLPMAz82T/7Z/n1X/91fuzHfozf+I3fIMZ4ts/3fu/38oM/+IP8+q//+rNKd6qt4dr28PCw/PtMqdZtK+rPwrOOBfjDdp9FaT2nQPW1wT37bo2snft3y2lWhXQO0mKduJtfby/B5pJuD7Y9A5eWWrM1TBmWi33X2XeubNu7LBNv+Zs3e8DPhfDPru7Cu359kTWlaahamoITRUuje1Kym4nuSJSRWCYkO1ypHL1ACNY31PlaTxwCIQS63jyiEDrm2XKOY5x5Gk9MMRJzRjsbjaVOtS00qD1IW56pIp9LLRUpmVyi5XKrxw2C1o47Pnhc6MyarwxAZYkMGHCl5Yu2SpilVEYI6hh6R06FhLW8y9kamTuniLpaGuLAgW8GhACNUlI81vS+Ac9szN0yYU0Jm4erxJxxUugk0YeOfT8wniKnQ2QaH4lz5P5xRFC6YYLgGa9G1M8MneA7j/YdMRdiVuYUielAVk/MwpyUrsv4MCDimaNFCeZcIw8+WJ5yFxj8wE1/U58DjPHIlEYIGRElBGNrctnCttP8ZMZEB7EcKHNh4sB8nHjRf8Sh/4g+7Am+J2XIqjxOhmC/Pz5Zt6n5kZxm4vREKZGSTqZ085FZTkQZ8e9FJCTEHcHNdHrCl8y+epC+DEZ2Ua4o2aEpWNQmZ4pOoHONnmTUzSiJ0WXEOQafCNKz24MrHS4LYXLItSeNkXmEz5h5GD+hl0BwnlO+YQgDh/R1+rDntvsandtz5d83JeyuoVjEx5wOsegEpda4i5VOSSExMcmBx/g5h/SSSe8p7gAhImLX7ErBlXU9azYDNs3Z5nmsyY9qYTpneIK27kWCsU+6DbBQV692TQ7pu2uxNzok65J4Rh2/9mqGexVgF3KvVQW85aLe0Z/7PStdVeWnfuqn+NN/+k/zgz/4gwB85zvfAeAb3/jG2b7f+MY3+K3f+q1ln77vef/991/bp/3+cvv5n/95/t7f+3vPXcVq4bRIgzSvEs6UzaLgNlaVVuYemrfQ7q3t145xfsrLYIYuv7n4cPO3Sj3Xc67esz+iUrU1RXj5sM1q3wKd2o+0KNZEuinidp8sE1QuDmVj10LEbRJuUMrbf289q9fCMOfb4r1DvfetOdRolGo7PKgMOx3gyU6Y/UgO98zhiaTX9Aw47VC1VjHed4g4QhC8d3SdNVvouoCvochptnrcMU2M8USRDL5S45kYWhZd89Tz8pwNXVlEyVJIWM4sy2zITl8tYBesNMgbGlVd2IyBLGxXljuu5UbNF3CmHL0M9oOiQLHyDZdxwboRrZY2pjAXQ2b1dqWCalQCZcnncnZ/TQk3QId3ds+BQvCw7x37YeD2as9pN3EaRg4Hz2nsmKaJnBKjRlNM7ogLkc5His9EgdScylIoOeLmCcRaFOaihGwMVjGaso0p1Tlq0YmhGxi6nq7vK+BHoAOfOopPqMtWdlUKc0posebt6iySEnVm5Kl21RGmdOLAA33e4aWvz0M4jhMxZx7nAzFHDumJlGdiMU835hOxTMz5RAkzRaxkKij4FI0hy5nRk6gRkYWta7bOOiRULIeM1sbwtPUYgIawc1SSZDNEfQIZa02uw3nQzp6bSiI7jyI8hgOjD6RypEs7jvJALzv2+QMCOwa5xWmP1x3WOjLQaY/XQN8rjs5Q0mRO8z2neM+U7onlAXVHxJ0QN9s6oNSmB1avLWKleFoUUrJFk5pH6qoRbbRipbYGLM74sK0kb5UH9q9y8Qmbv7dO1SqEW1Sw/b9F+6R+aVGwRr/JooQXr5va9YlVzj4PXIVWKbC9Fl0s53ePof6ele7f+lt/i//yX/4L//k//+fXvrsUwF+UF/2iff7u3/27/NRP/dTy98PDA9/3fd9XFUiDpG9Rvm1YlQ0fkX1y5l26+ju3KiNptbpvILq40I3nx2sfcqYjV+TwuuPz93pxcNlOp+1vhBU84M6miCy2Ytl8p5uReOaUG29rPUUNsbhV2SLGsPQmRft2BWzXUDa1eDaJDcVs+VOFEkAHCp4iwhweKPLIC/2QnR+46t7DaYdjB3i89HhnXmHwwjBYiDOI4KXDSeCBA2OaOUwHHqdHiiQkFJwko/SrzDziXAVaAarkpdE2JClkyUR3IpeZLCaICMbm431nCjfsUO/INcfq0BqSzpiYKRVYZcUYDgeux/me3t8YIUa2Wt7iMhoixUUCDpEIJSG6EXa6UHBgZTUdiKfgjQ6xGVLVEHVVMYuINSM3+pElhbHre96/u+XmesdH799ymg6cxkc+e3XDw9Mjn94/cBhPPE6fk8rIrnui7xNDN1NCZAaiWDu8lDIxZrIKcy7EVOi6gS5EnHTMs+UAY1REHPv9ji503Oxv6bqOYdgZm5lz9Lq3vGuZKSUxjk+kNHMcj5SSkK41gXegEzOfI/rAy/IpYR4IcUdgMMVTAqJi+clcGNOJpJGnfCCXxFxGUomM5UjMM1FHPBCCsGegL4Ehdnj1iHYUJ0gjnnC1XpujFds4bC1WXm/NWlMJDtiZkZksZO58Q6YbrkHDDAGkF3xxuOxwTKDeejIDY35CteByj88d1/kFgT073qPTKwZ9n15u2cl7DHJH767pvSGf7/aRTjqKdMxl5v70bZ7mTznM32KWT5DuJRJmxI+W0ikWXcA5ika01Fcq6JyMySvWexMPwVdAoLMSLV8Qb0rXSs+qF7xIrA0+o0UE5XUnZ/lALyTmxgdDN8blkjKSswNtnYf141X1nuukM5/YTnfhyG0JQd62/Z6U7k/8xE/wb/7Nv+E//af/xB/+w394+fyb3/wmYN7s93zP9yyff/zxx4v3+81vfpN5nnn58uWZt/vxxx/zp/7Un3r2fMMwMAzDs9+9Vo8Jq8faVI7Clh+5DVQb3m2q4Dnlf5bMr0c+P6le7FePW8Mm21KeNbysVfi1c1wed3u+57fXc7jb69ko0LcfZWP5rb9pOY3XrmH5/t0V71nZFC3StDwkWg9Nm8UFKidtW3AFyG4i+xHXJzpRPB5HR9ABJ44+WFvAULVmQZc6wZRmUorVm2rdVta6vyUn3K6u5lBZgEUr6rPU5vVaQ2zGq+wJvrFmbUvMNnl7OZceayDZSC/MWw+W8pNUn0lBnDNe3WLlTZrKSixVfabWXWipC24wI2nirM7Den++Wv7e1bKoSrPnvaPvAldX19zd3vL+ex+ynw6M4zVduOLm6sCwe8VhPDGcPJMe4C7j9xOuH9FgzSKk8U2LgakM5TxSihBjIvhsnu7UmIwab7MZMHXy1ZeNr6gizhkStqGDpQHIWlMGKNlMnWU+lViVYCYxG6inEqGos9y2SMRpofMWOlUBshKwmtSccqUDBUg1rSk4rWhccWjxLFG0ZT01siuhUoNZKdwSmLOnbC0UrcnEWuZVjySytIA0FFoT7hXY11lPZaeCUEj6SCkncjrhSk9In+HLDp/3eN3htadzVwTf83X+CLvdDW7YE0vi5fF3OabPmfID2R8tF+syItnmS3MbajSt5IpIzrY2rL2fOTsNCC9ODLjp63tjmtmM1oIWbg5s1ZxLBHG7dJqiPcvDvauPeS6XvkiGbU55IQXb79bTq+o7X8aXUrqqyk/8xE/wr/7Vv+I//sf/yPd///efff/93//9fPOb3+RXf/VX+eN//I8DMM8zv/Zrv8Y/+Af/AIA/8Sf+BF3X8au/+qv86I/+KADf/va3+a//9b/yC7/wC1/mcs4E+ev6SRahsyre9X2rQFv96va4jZlqe57XPd83a7XLUqA3en+6vY7t9bXjnP+9/nKdfFul/qbr/WJDYr2nVeatgIKLXS6OeT4JLw2AJb/LNlS0CSRtlVyt87Mbb+VVkN1IlhNulwihsJeAp6PPAw5HsOQpWiZDvGoCMiKJlCIpJVOSF0pX0SrUlssxQdBKG0pGaxlIKaXmsMqqsL3lTjvfrbWotYNNKw1bDLx2W83Q21jg1ou4I4uSpFXyylqD6U3pFl3R/YudskVo1T68nlamZCjpVcwLXqyBkXdVsGcLGwbv6IfAze0tL+4+4MP3v8k8nxjHAzdX7zNNI7e3n3OYDgxPcMz3nHZHSg9uUIqztkoO60aUanQnxhk0kWLBuRnnZgRHnGz+h9DTdT2qV7ZeF/rG6pW72lIQRUo04FdNDIizaEkjHzGWN6meSi2PKRHRiSBmwFjjAXDeGmg4bM51BXxRIztLtc1eLHgtVlkmUueC1ohIDSUXh9LKrbQqhoqudlW5aqEF1NaIlxWANm/eu+qVXa5FJ4gYVaPiqpFlTRNcl0AyHgHNxDRDsrp1TQLRo5OQJ0Gjgyx4rghuzyj/D26uP2K4viNp5tOn32Iq95zkJeKecLX2WCiGfBe/pMdSWwvZyoFKLrXBwsaDaUKhKt4Gcmz4EWj249Y0bHHjMxFytp3r2y+hcHmzol0v9w1ycvn47TL/XbYvpXR//Md/nF/5lV/hX//rf83t7e2Sg33x4gX7/R4R4Sd/8if5uZ/7OX7gB36AH/iBH+Dnfu7nuLq64q/9tb+27Ps3/sbf4Kd/+qf58MMP+eCDD/jbf/tv88f+2B9b0Mzvvl0OyLo1x6KhlkVloSNcCGLbjsJC4NAUxLZH69ZLfU7JtX3epPze9u/NhSxW3XrQS2/1XJmtv3ueKKPdw9aA2N7P2WE3SvZyv+X4SgVFnC+sc2/98vM2JlUBUwXPhv1I0EWQLatPtDIfGnvQXJ448pKTe2nh5HCFV0FzMlL3JFXpJkPpVsdAnCxj4MQ80phr95JqVjccgFb2iorxrPSRaQmjoYY6dWpeJeIIrsO5rcJtlkdZ5w0mdDQ3w6PmkBfCAON5HvqBJMXQrFWoiavt9KpHJyXYiOWyTGVVNQ9t8Wh1eZ4m+Oucbr6VijUryGkZZvGe/b5nvx/Y767puj3oHqnE9jvv6YYB5z235Ra9OnLIns/cd5ndidGdiHKiECm1b62rYURTUJmUZoxOcQZ1i1cqTvDqjMlJM1kxJeJc5Uq2e7QSLSv5islaAKZc0bPeJnEjRVm9L128R3WygNiKgEjlYcX63brcoVIQjThNOJfwPuNy3ijDSqpTxJRtXkvCrOyttUls3qqzellqiNXpxiuq8Y7K7+19bazRjN6NoXRh3y6GVlHj9E6AqNXTqi+ULpuXXhI5FFIyEGAuitMdvgx866lnN79PP96gAk/pnuJG6I/QT4g3khpVC4sb1ydQBMmKJLX3srJGGeLa4TqPCwHfBQgOCc6apch6g9q8oWXZr/9ehRBnUVvVjbv0JRTu2eDxZkfoTcdcnR/rwXzp2HyZa/lSSvef/JN/AsAP//APn33+S7/0S/z1v/7XAfg7f+fvcDqd+Jt/82/y8uVL/uSf/JP8+3//75caXYB/9I/+ESEEfvRHf5TT6cSf+3N/jl/+5V/+PdboPqNATIsu4Zu21/Iv9/pgN4v0TfWtcK5Y36Z437ZdeoeLIdVkdZthUlXUa6Fj1lkol8r++ZDyZaj3/LPnJssbQiWyTr4vN98vxmpJ1FRlZxe2iQ6s+UdDNxdmOTLqA6M80Lme4idUgwnx4sizLJzG6nTJsUm9WBO+juACrXWgVONBlmdRFqVrF2gMQ6Uk83hLtrwzTek2soauIoVrmPMSLNcMPxqERpaPpTJLiXN0XQ+aDZxTzp+Vc87O7ayvbq7KxboZaS2BsvCuqzaRw2p+G7lsq4929bFrqq3lnMMFGIaO3W5gt9tZj1vtEc04LfQ+gM/0+0CWmbj7nF3OjKlDEJ5kJMpEllTD+qsHX2qYOefasq7UUppa0tT3BowrmmoJViXbFAsh11LlpR46Za2vQi193XBV2/Mu9Xk1ZLx3ZjDaq9SGB80Y7aDxYEvtaOQSzht7l/dqilOwzjwKLaeupVQTrba5Wzo3mWJxYqFxrWvV+w1Pdn1rJW2+hWRtxVz4EuuaXxWVUGqfwiVIKwV8hi5SiKQ0Et1M9LMh4CXV59pRjgPd9BldvDJylFAQSfTdCQkTeAuvW0p6q3gFcjGFm+skbPO6Mqs5b/Xq4o0kZg0vr4p3u0q2gMttPLfJhkuFyTO/bWvlTZsu8Wueld/P/maz3lWpUbE3n/9dti8dXv6iTUT42Z/9WX72Z3/2jfvsdjt+8Rd/kV/8xV/8Mqd//XosXrg4RqsjWP9o81Rk8a4s3LYN8WyOd6E0L/9+k3XzTt7ka8fchpY5m2ivffjsd1vrq13f+ffPKdvXNhFEvtjqa9ctzrzENgkvDZPzm9Fnj1WDfxSE1TWpz0Ts94vic8auM5cnwPEyfcKsmZ4X7CVz6yodXtdhYry3nrtdLYVwjm440vezkSqIw3tHweM1LATuVg/b6BAN0QwZZEaZUJnARZo77kNX63HNy0X9EloTtyrzBRmPgaekKpJlJOqYOucJoUOLVPpEIWcDmFn+NViYtVRkdSrVW9caum9FVDOqwUqIasmQ89XjzebJezW17701rri9vWK32/G1r3/I1f6Wm5v36NyOKRrhvLjOnp8W5jwy64FT/JxT+ZzkDiQ5ktxMwmgWS1P5S3oClpY9UstFqicnrqCSKDozxxFxwnE8MqdETBlXa61bffRpPBLjzDyPlJJqfrcKfyeIr2tcirGa1R6Lxrhkiiwvq795o82bNuOgLMQedq3eGwIch3XxUYs4WMi3opar0bMof5GK9BUamG2z6GxNVOUrWrYOYA2cb5YSq0FY1DytUqrhVgaUAmp3VVwCdQbYKsAyp2sjDleZzUgc9FOcHhj01sLuIeCD4lzEi9XWUnwl9vBocuQolARkWb1bKsIca04i3uO7Duk8vg/gBfVSOyhq5b1eR2Kxv5+RINvx+jLb20odn5dZr8u78+9M5jUK4Tft9y7bV5t7WagWnqwhCKmaqHm6l0pJZc2zcK443/QwnlPEl4P9tn2e857PLmyjoy5LghexLfKakn1tPF7zYp/fXvdyt9e+fv7chCo1TGnHeW48tsd+xpvWdqtruA6Ercki0n5jDE5IITGDHDnkR1QDJ/+ESOBaMuqCtRZE8GKISemEIo4isnLUuqYI3MLhjEKm9sRtil7aeU3xqiQLM0sjCaDmpiqFovjVg9UayhUrDxNdc3RNuC8eGatH1LzCLUdtKZZvNgvbyCCyc5ZLbM9KTZHWLsXmiYmwBDnFGUJZ3BI+d2rKoPOeLnhuru7YX+24u3vBrr9mGHZQOnIyoglpHZLQWlJzYi5HYjmQvREoZGfEJWX1udZnebY27dm6OgddRfcqmZxnYgpM82S0gkVr43a/GLbjNBHjTM4J1bwMpduMhT3DZrTp6gCjZ3ScRVY424I4UKVRWdr1y9Ig3sRJpQbVpnAbecq5HJF27AqCukTBmiiq11hpnc7Cytsls1yTlUDZLda2hI1zWW0VaW3eQXFW764O8FC5uwXLyxbNzByBBEAgIG4AJ9U4MWw9agximmsoPWMe72JDNVlgx2/84eItf+u8Qz3m7Yosz+PZUPIqIuqc/r1tb0rlfVGksu2zjvlWbhtrV0vZtVanv5ftK610jaTA1TxIJVRYbCdZa2PZKNKtA1Y9tfb+3EN5mwe49XDbQnubwm1/N093qZSUFUmri+BYN/PUV1DFuSR73SO/vM43/X3pjZ7v067/XNFrMVYkt9A+nl/u2b7Lb9sEzesX1FKt1WxaBLEhcrV2krEQV2QkaeHl+DEHPcJ4xZV7QPsdV/4Wv+8JEqpX1EhzBMXh+4Hdfs+wG+jnjjF7cqr3oEoq9X6lhqc1WW6SmcSRyAn1M0gyoSIOV2kYaejj2vKw3UEb3fWv9t66rTSpJUbk77vqMXiGYWDOycbHHEzzjsU8iRCkdkrKJI2rwhWHODUFViAXJWfHrhvovF/IN677PX3o+fD999jtBl68d0foAv1gpU+pdvlxnbW0KyUxpydSOfBq/jbH9DkP+i2OvGR0D8zuSKKQVMjZkzOUpLXVn12/jUcjIGkI76aMEjkr43QipkIqDVgUWDiwmyKrXnMIdZ9gKO1CHQeJixGiS96+Po1qHKkKJbcQN2ZQqJKiMWTNs3EJp1ijUVpzvlUB23/W29leggRTmr6Chnw18C5ls1QZZRGOKjsydUbYxG0AvK0d0XxfG09Z0POSWqcBY+Na22kUJGckFmQuMINLZjyBKfwUQL2VJhXfKogdodYPuzIYc1YJpnBLZbOqClmlAvwEFhR+11vkZuiQ4JDOLejlBsIqZ2bZM9vicLx9U1jSPf87t6Zwzx2Jd9MN77J9tZVuswARLvk3V1HePOHqeelGUVSd86bB3L4/762+vs+bLKnnFN7q6bV96n1VJdAWqB1//d2Zl7Q5/jIJNobyF4c/Xj//VvG2sWqe9uKO+62yPR+LFja338rZtS+e+0aQrNsqoSzcW1bvRBIgTOVIzvCY7slOOLgnEMeNe2HMTC4YHV1pg2bhW9/VRuzBL2UMayPv1TMyYZ1X2snaOk5dBJdN2bbfL8/CPNztM23O+jJk2wm3jIS9S/Vu29/WhMBtxlMX4SvOzB3nrIBDU7vqjKOsTFeayOqRylkNZpg65xn6Hbt+4PbmBfvdjpvrG8Q71NUQGgpknHeUbEQgs4zMeuSkj5z0nhFrKpBksrCytryr1MbpDeHbyoKkeoosXuAK3LOohnmvAtPI2nTCyp/amITga1mWKd3gg1XSaK3ybBGLjTw4e04Y0tgiCfZZQ6qXktfmFU2XLc+1+cStxWBrONhIaLS+LEzsFnv6XC49lw5qXXIaV7XxfDf51pSu/X65rvoPV5J9UNYw8rKySkaWLvalBo5MPZZ2LQ5aZEclN1MQ6xNtnrJ51+1VzYMWNndtFVtNuOVway63tbVstqmuxuZ5uuli+xJ69FlP+Q2h4zfJ5i9Wni0V+AWK9h2v+yutdHPJFK2lA7XMxBZEDfZVV8sYVLaalo1DvHq68Hw4Yvv5cw9raxVd/ubyu+3WLD+jG2znXI7OYhGLXFj7r3uoZ1sVbr83I/DS09Wz78zyXxf2pRBxfqtwN9chzSpVA5achZea0tIaPdAqwKlAEUEC4DJJDyRmvnv8n3TlhjkVrsIt9/ElV90V7+8+JLgdfbjCaW+UdR0EDfRXPUMakJNbBG3rbKRq7ElKMs5ZIpmJ6I7M7hHpMhIKXbi2mk0wQFY2xiAprfH6CuDb3uHZw2mWs1kTNGauUkE5IVg4vAudIU5zrjzU1FZu1kg+Fcd8OlI0MZeEV4f3Hc71BmRSB2WiOGtIfj3csgs9H37wPtf7a95//326rrO8G0pUDITmJlPeXjnmJw7xiYfpOxziZxz4XWb/iofwLSaeeCqviDoxzpCLY54tihCnRIyZOOdFUUgt3gwh1I5HDe1t42C10JF5OiyfSa3TDaE1OuhqgZjHi9A1A8h3FBVi9jUCxhL5smMIbgkNW0i4kdQbSr0snaJM+TUo/RZSb7zCFAxgxqauthK8uIrcFskbb961izmbA0spV0ksHYDU6l+Lbji3Wb3d1mmq8Ti7fMQsL/PqjWur5vAryYtxPUdDdGet5VYOycGMOJVFLxpOyGGdkSyXXzDgGZXgwhDlwWSd93WK12OFzt77YAcLjXhofeVSzuWono8M0tbX6yvnC12IjezdVnC8iwMFz3m5VU20/7/Nw31Hx/crrXTLJveii4Rfv7ecGjXs0ib+ZjClKubNaF0ilbefXW6XVtOXQsQ153zjzW72OFOwKyDlMjf0lnO99TK293x+/+s1bg+iZ180A+f1U9S8c/Nm27+aYYM2N2xjEZx72otVf+YgSM0FZfARLUqUIxnlMX1O1JngOya9wXvHEK5R5wiqtV5VEW/cwKE3YFFjDmrhMptLBqLJmlASWvO5RRIuZAhqCM/GJatahfCaw1vAJUvycGtYXC5k+5/Yw12+XnLOFUDE5nSLMPHOSC6ql5c1rmVxYLSU6kACuIC4Qj84dn3H/mrgar+j7ztCCCuStIZlUy2Rymnmcbzn/vSKh/hdDulzYv+SFB6Z5MBMY2xKlCzk7ChJ19ByMZrHxaiSTT69doFqiknNtcMMr4YQNvS1lGbolWrUbAakGn+uum2u8XdXqk1EcbI1xtfQplZDsIVlt9Wiy2uxGgvN47VnVJUrYh4uFd0szbttLzkz7mlXrKBaKgubxeB1UaiVDrFsysJoKRdd6setk1OyaEZV4KKty5SsdkJlw6JFBuvwNUI/Vw3hZX0uS7TBGc2KXzmU23xuNelAYz/zzbuVpUpk8W6bUa1rdcQS6LhcFxefN2n3xdL1fHtb/vaL5PXZd+8QWn5XJ+crrXSt7qzUUCF1jTQlZfAIRMx6p1SPonkaW+VwaYm+3fPdDvoWtXxpJb1VGdeF2LwiaYu7Co9zr5bl+kpZc8JvjHS0mfvMJGjK8HVl+7zybQdZ7lMr7KRAY/lax2kNjYnIImssAmHLblW8qyXbhNACRUeXLxenXk6IJtwuo4M1PEjpyHfHCRd7Phl/m3244Wunb/Ji+Iiv33wfe7ljJy9s/QfYXw8UuaZ77PA6Ew8zMUdimVAiuYwUjaTqPSiRHEY0TOi+QKdoiKhzlDlB8fgluhIMJ6SrUF9GVRtQp45Re6JSe8RWgo2SbY565wm+o+8HNEKelQaWQQEnuGCCddg5XKGieTP5VPBdTz+cCH5PHyL9znEz7PjaB1e8d/0eX3vxgl1/VUtVjJqzaEFKJqYTh8OnPB0/59P73+W799/l2/ffJu7uScOBm+9NdLtE9J+TmTidRssfp52VMU/ZuvPEIzEW4qy4ipJ2EiogLNS6VL/Omyboi1pItAp67w1l3XUWWu68M+7ekqx3q8uodzhv3XmCDBSxZu0qxihm3ufG81wegFYj0ULM4iynbyxMBUdVhpUco2FHLN9cCN5Z5MELWmmTnS/Lk29poqasz7xWhdrzD5dyVYiyzJlFQS+/qTQSVYHm6plrtnInrYpbitWAu3aSrAZgJtT6dUfJ5m2GueC04FKxGEBJFqovCQRSzm3JQx3DyoAByUNp67XObXGoC3V/aBgJSkvbmOIt6imNenQjddrfC8hO18/bI9PtD57ZGsDpTRHLN8nky/3fhMV5k+L9Mijmr7TSbQ/RyoH0Qs80K3U7IBcDU12NJfzJ+UP5Mtexfd/+e4s6fv3B2EJbPVm3mVAt/3P5/vp5X8tfPKdwa7x349O/4R2aTfksqOpsn1V5X6I37Z518c4We+LCqqVZ8ayWdQsDnN2VUoWGEVQQIoqS/YlCYsygJXM/W93ozl+TfCE7oXfWT1c8+N68XR+NrMDa9CWKJpImVCNZKxEGyRqde2uQ4LxagwNzrWqdb3tVY6a5r4unq5ubvXwmLN7fdoxWg6vRRK6KaXsYEcEHTykBlyBTSGWi5GzlzWLo5yI71O8QbyFyFQOJ5WIsXUkzqWSephPT/MTD03d4OHzGJ/e/y8ePH/Pp43co5UDREZdhBxQ3WwheM7kImsVqcOtraWpeWpnUes1rdOdi7lWP1C1frYZnK7/x3kq+FjyhaeqaStoa3c27ru7cYmCz0o620WzrTsyDbb8RWbHYLV+70hs2ApDKaFa1ciPPXyI+TTa056c13w1mXLRwtipaub6bd6nrAlnW1uIxAtZWvq9yMNk1U2vJm7IrTelp3b95vSDb12IWLqtxXdMCUikxre+0rkQXpRotSM3zstxvs6R0874cVS8kiDb0zUaWPyO2n5Vtm63U31qVxbsoXFlk8xfJ/Lcp2ucU9Zu2r7TSLcUWNXVBwqJbaBg5EQMfNO9ONp7kuu50CQu2Y7QZ8XtHqW3UW1U+W5YrkOq1VmHhPF3X1TpS/5oib2UMZXm4+WwxLp7l9vRvULxfbrs0KMrZ5+u/2wm1Xo/bfKqLgNwsrfOjrDVfNLBKBRdbrg0FTTW/JOgg0AXUZWOkGk/M6YHj0yvu3Wc8PD5w233IXfiI2/17XPXXUL2l3d1A8hE5mVU/64lSIlGPFJ1JekDIOJdJ4UTujpQAEqBzxnYVnEc0VK/NG4K15RFNK693txUey+OvsBzXaABlNSIxukpPQIxBfjFiSs3ZmbDw7PfXhOIZ9RWaJ57iPaLC5Dx92NPrFUPJ9GRGbhnV8WqCLvYWEi7K0/jEaRz5zqff4XC855PP/ydP40s+e/oWT/mRh/xAiBGfM2Xac5M6+t761845UaKjRCVHiFMmpsQ0WyvClNa2jaqb54s1l9hOWFeBOEvLufZZ02kOus7RdaGix1mUYRtfV2FCKg6VXPOHVvKF1FrVOqCtj2xrDCFiDd/FZ6SGb10Ny7a0rDg10gznzIgL5om7vluMA9VqdCg1X2yPvSyArbpGdL2WdW1V7V/nyrJKlqnUgGJWoqNyXbmfWw15MsVYe0+XHI3IojTQqZoX76zZhlfL3jpaGN6+lxZyl3pOMUpVlVyvszNGtdZPt+XHmxG+aNZqFFV43uuyY33+y3OpQ+I2u65yYjtnXt+0RuQcrPXwUlMZrAr3XHmyyPo3Xd3bti/j5cJXXOm6Zfm2ukSbrC3P0AzhxcpteZU2wLLdp1l0AOcKTJdJ37wNrevAJlUVgau3wsWD2xBAyMZzpTY8D6HH+0A/DHhn5O/LT2v+o2Tj/02lFvCX2ZRwqWU4i4XJOYy+emJ2n22xL0ev+zxjUvI2Hd3yYPXE0jwYQWmeTdnI02pD1/20/a42kl8XqKxO0MYitpC0B+2hCcHqDXtXxyMIaCG5wojjPntmJk7lwIEH9umGEAYEx6G84qQHJn1g1hOJJ7JEIkeyTESeQIzsPYUncjgY85QEMh1e9zi9xbHD6WBkCVrqrCn1cYfFH4GyyR2yKonqLPhWYqJNJRlHcO87opvrfMpk1UoD6fCuM2WkRuDvfY8wUnREfSa7QuFAKjvCXMhuQu+Fl+MrduEOL0bEkUvhMD4yTic++fw7nKZHXh6/zRifeNTPmeTE7I8ULYRUSFNHOnn6CoYiFjRjbf5KIeeJXOYKCmogpLdt62AY61ZbzetcsOmjGMK2omxFGuqnLvsEYihu1WzevCYKeTOJW5h3EQL1Cbk6P+vJXKvctVIhaF6uWL2pE/C9WQFirRytvGkrA6wVJKXWoNfPtAGzqoGFanUP2liYO736hBtHAHAVANYoYp2r+d92j4WFbc1qrJsBWAt1BFqOFieVElOq47LEhRfykrbegRr+bpGXhVR0kaOLd7qJqJk8WiSk3YNs6T9Wg2JxfC6U32sz6K1TysasebqL51taGuhSPq9avakH1Y3+aNtGdj2nZLf29BdtX2ml6xFCLfR/tlS5pSG3IIitG1v/tQ19KVQCmc2QawMgXKDaloSL/dapx9wd6rpqbd3WQ5mQrYXkbsD7wLC7ogs9V/sbnOsIoV/Ciw3RGONkXlmcyCURo7UhK6kt4AtrsN6PILXzTF0YzcI+i920fMtWya6RgW3ImOppFuJiaDSFu8bf6u/r+1JeI23K10t09YQN3Xoxvi1tYGJih7Kr1H7WDhBRnI8VUJrIAnMWHuMDL+ePkdQhdAzH9+i44WZ4QecG4jiS0sSr9F1imUhypEi0EhhGRn2k+ETxMzqMaD/S+Rd0cs1Qbuj0a/jyhwh5oCuKKxnhBBSjPCSgOiyrW7BwdSs7aB1rHIZC7ruaq1TBqRBwDNKjnZBSZBRH1ImkMzkOOAkM7gXedXTOIzLShc+J/kgOj8YSFR4qN7Dn88Md/ngDn/4mojukXAOhRmAy43xPTCeeDt8l6cxUTuDVpINYLi8rpBGm+x2D9oheW43sqGiM5HQg5cgUj6RKnVkaOrcBmTavhQRkWXsOJ53Nj+KrLDYDznRBrgpiNmXWutfUee6chVcLE8UVsmbrLrTh2DbgTyvJ267xih53iorlnEvxuBKWde4q/7VRHDpr6eg9+B5pIe9GhFFFe87FQGaKAcqq4SU1xNvmdm5lPm18XFU8DRzVlL5syrLQyvMzm/L0ZVlLgpqy944sfqFw1OLQUhAvhlkLlpZNItZ5SYxlS1q1B5tQRHEVm3A+cssIii4yZHVkjMzjTEmLYOholrG13bcurSyfLOr3CzzcZWuyrwLN23FdpfFszU2WQ+mKsbjcTHwt0LlFWW/iEc+d+gu3r7TSbfmu5y2h1YJq3xcquk8qKUNVliz8PWWjXLYH00X5PZ9k316T2bPNS2wTzfI1pYaZPc4HQn+FDx1XV7d0Xc/V7gbnA973NaxmLCilKd1clW5OTFHIOTLPvnoYmVZusy7oNQ+8WHfV6DgL8b42gFLDcJfAgYthfjb03sa1nlXYRBVkDfmc5VTW61iBNVtLuN5LHV37u6F6jZVIKwWfhGpZl0TJEyU7Uk64/MgY73F0pNNEiYljebDm5/9Xe28ba9tV1Y3/xpxzrb3POfellLf2UqgNkRApaaT4AlEgJDY2IhgMgpIIUUkwgBAxAWMImJhINOETonwAgtEEvwAxwWhKLAghREKrQjW1PtS2aKF/+rT33t5z9l5rzjn+H8YYc861zz7nnqLPPffoHjf77rPXXnutuebbb7wPvxTQdntIGJBpKYXq/SAxuhzhc1vtUxedLUhjkduOJhRppHjuoh5zTlTUIXTwPohTkc4XYpF8+9BhFjrMul5iLhnwroejDrMwR/A9trd7ZBcQ8w4Q53ALAMSIHCW+EgmJFyA4pJGR4y5yuiTAprbLMV1CzgOWWCAjygbu6lhkzmKiySgqY1Eba3m3EuNqXuDNGlEJoXUKrO/T71wJrVGZkEmdk2w+yX1igkQeZBTgFn4ulfzNltHKamObJCNzeWo/r9KkDJxVimqzDlm2MHvJmNX4YQFl+62W60sZoICUxOM9kdiJY5LMZoWRb+cTSbYzW2/WG1VeECbaEUvhIrI0lLauDHQBzkn42iyZqrIWgKCkSWc0J7LT/Mikz9Ay0i0jfzktarunyHou+opm3HUtULWrFuGl+d26v4+Mao2wYPHhdh2bD3XPmb7bc9d1zeWzwMr+RtR7Ha2BJxt0mw0/l43eBpD2dVBR5DSTQRyZUlmMwjU3EplKuS3ormmJntt+bgFJADdnWVTeBwHZndPo+jlOn74GfTfD1tYpAWStWONIEyBwLqnvhmGJGEcsh4AYB+ztXUKMEYulONBYlZbMCea93U6c2m+61C+3kGgKvKUv1xxrj6+OD+odV65f+89suGX5cvs72Vwc22KWJBbC0jIknIjhekm64wCMQ8IYE5bDY4hLhzQ6cfRZjODEIshB7HJMSWr20gh2CyQaEDFIAv+c4JnFm9KZLdE4YQCFmyc0+QLLEbMumPZCvGAJXejRdz26rkOgAEqqEiRCcB6u85inGcY0g0uMMXs4N4ejDtv9KfTdDGfPbIP9EsRPAS2fQBgJQ84Y84jEJF6i2ANyxmK4hGFJiEsniSFsI8co/Yil5ThoJCth5FKWjTzGiBgHDMOAnL2CmzB9STdzSWpS5495/JqE284tCSGSd++075yuZ4aZLiVMixgxR7gosb+mOjUJUNjqUdubayx22eiNUdc51k7G8t2UkbS/vWUiU4DtuqDJOrSGspf2e0036l2QNJZBqiGNY4RzUpsXLmm/iWmk7SsJB9P1k80vgIuSyEEZfw8J90nUhBKzPYqsm5SRvdfye6n0h5S+zMiOwE6c8YR5IE3UUibGfmqXO7V/mrCxHoBsrBsOqXxne+vkNitg+GRI/Hjy5J0n8bqVoV8bSmRzFXX/O4yebFv/B4Au2bxsVBQGuCY1WYdUickkL4JMPC7SCIGzThKmwo1OJV2gVQcVqkbhgnX6CUQenS7I7e3T6PsZTp+5FrN+C6fPPgVd6LE130FNe+eKRA5mxDQi56R5aSOWS4eYBnShwxhH+LCHGCPGYSkbYxonKGfdQeWDvTcSSdmIDJQZLYjWZ6/9f5iT2aq3YCsETs9rrmkMzPQMOanxCGbbfDSEIvOg1WlYcK8DNFGsCHSOJM42QUJCsmyyAoqskvIIclpVRvvBIQAc0HGPwD1E8hOJSjxGJS6UmCQtnjJ0reBbHqE8l1huLQmG2Is9XNL2WL1eZnTOY2e2hTnNkR3Du20412OrO4u+63HNNVvIfg9xPIWlm5euitkqriY4GmUMPIBOZ32uYwpLH0iNly9rziXSwgiexGmoqIULS1HWR865rCnT8FQJzuZWDZ4yT2UrXeiN2VXAFXscAyROScIx6Vw1fNYNMmXrXal3a7GgZP3tDFDrDGxV3XXSTWenze+WabDnr8w5lTXrlWEOodNqQhpPmwnICeyk76Ws4FQ90nqtyz3rSpDublaFltgk9QVolrFqSyDaB+fEi9ynUgtaEroo6BLgg+Yu916lXQVHR2rysSZykWWkPev7yubD6nfF5r0CupP9ZWUE9knE3yellCZtaK+3el2xLq4C9VSgWEf/S0C3SRvIQPWAxWTXNm9B/ZX+VrcGcuKpSCSTuKi6qtF8H+jalZgnbSgCZNsINiCRYt0hdNjeOo35fBtnz1yL2WwLZ85eiy70mPVb0h745oLycDmLFCE23VFAN0pSiGEcQOQxjmL/c24AjYSUhbstlViarjFnK9tnGjm4agxWOMH9HOx6idbOXZ2sLfDuP9+uVR5Z28eVN2BFlBL/KIDBHJF5VDtXFnAhQLIEqTTsMxAykFiqnTAUUG2xs6Z5zHBBJQtHQJLi4WGcwae+qO2kIo165mrDRT0sNWBb2deYNLRHieB9hy708BQkqT4J4OSagxCdcwizLVDfw3UB3u/AuRnm4TS6EHDN2Rmyn2G5PIVdnou8kRkpix9rJMBThCOGmChFZWshlPb8pX3MkDoCVLh95wkhELwX1aczibQZ6yKt2Mam3ztyKuna8SrsSKQNaVpHAfYKusrIsACXeLArA9wgjP22CtANmGk7nAET1Du8sTFboo7piNU53b5Pf1PBV57LJGExFYTQF9DlLDWfs4uSFISMd8hFDJApMQVdmQ4VdG1tlHctRkHNvqf522TepYTkVNJVaTenLKpkzsgEMBFcCDV9o42T1bwtMiygmViqoHqQRmsNmLmJBL1qwqtUdqF1e8f3AcCrmjdHrmQCnLS1uXdbSai990HPuQril6OTDbqYSoMHUQWLasdlVnsIWDgvi7lUVaHx7Nl+Z2BQ/lsJOSqDI98BOhgOxUFhZ/s0+n6Oa84+DbP5Fk6fukYk3Z1r0IUOs9mWSDyuK5KC3SmmqJLuQiTd3iHFEV3oMY4DOt9jGJa4FHoMwwLLxR7GOGIcR3G4yknDqgiEDBPFTWKZzqeCcpNJXlVHzRgcsPDsN/bd6nWm5xkU1zjFlSup1GpSoFSlYduMGZJkPwOjRlLlTEjZg8mB3AgfJFyEfZaqOUxwFmNozFboJLFOJ97XUm81ANyBlqdA4xb8HklbaADI1xzOqWFaYFGPFVxsjjEkaX4gj3k3w6ybix2QXbGbgrkk2ShhNK4HUQfnZnCuRxcCuuDBFBHzEpf2LuDS7kXsLRYYMUrGKih/kgFG1tRGKiGhCC7TPNJcx1Pmi4CY9w597zGb9ZjNZgp2KLmKY0zKLECvX0GKCGjjPwF7tpqnWMC3SqYZTlXbSbNbxZIMx5gkRgu61u5cgKuqS2t1qRY0QwgK9l7n4QoDPWFT67zMnEvGsax68KQ1iy39pLO8EJnAsCxZ8reGzmqlRWUEdDBcczfbqyr01v4pqS2dL00kyJgRNLWs2mlzcsjRIXsPlkwmoJwRdV+TykBUbboag0taw5mzyeKoDZRBXVttZ7pXTIFpHR303fcLuAf9jkhV4Nh/v5WAy4m0vmoWMce6cs3LSMCrdLJB19QVFf3abwFULp4bF2JzMsqapUqcqyqny1Dbmm0TrVSoXKkcqINogFtUL0XtJI5T3gXMZtuYz7exs3Mas9k2tuen0PdzbM93EAx0XUDwfdm0jGIU8PQuICUBkZRGOEcYxwFgwiIspBwcFeOoppZLheu3tpl0ZgyDcdpTsJ06jtkmcJT5dXQ1jN3TloICgo2nSWLMEuTPVoYvFSlYNjfZ8FIDullBjihWVR1pCTU2FSvB4oJ9CJIustdSbp5B6AF0yLQFdj3cQKCUAUoARRB1pd3yFDUcwrrTppadZ4UHutCLyaHkBs9FG0DQzJfOzg8AdRIXTAHBObX9RSQesLe8hL1hF0MckSjDBYcMwGcxkVgnTTIUKpX7N3OulayYszj+BS9g33W66VTTjaiXuVzbKdNoxezb2WDgWyReRyUOl0ziY4JDRoymqZKCCCUTU3kAVS+nRoI26XWyDqeAu/qydY8yGzFtcbY76t6hczKr5iVXPnZS8IELg071yXXOsjKMAEoeD7GMVYitG3qV3qGSqGuSp7Qsn1PwLelJjeFICdlleAKQM6y0hThRUXlhItXV9V5yihDUt2GqrjWqZrj1NtODILO9zkHAaec9GeBtj63ep34nLVsnINjnVeBdbc/BftBTOtGg673EtLJ6V9oEKapJLQ5dqU7mUridchNQ5MoOaTBg+739ru5E8lGkiBZw6wIJPsAp2HZBHKa25js4feqp2Jpv4/SZa8W2u30Goeswn+/Au4AQ+rIxSywfMMYBKScsl3vixZxmSGnEbjfHOCzh0KHvFnDksOz2xBGnqL4zUlL7NMwu1wDoxJNvCrpT28z+7egwuhz3VydxVYpZfxM1izcDnMWhKefGZgdGyqQOPR1SAmJkkXITwPAivTCBsoPXeFqHACuj5+DQhZmAYNfLxhMkLMQHB/gAch6x78CjZH+CB+jSQhdlAFAT93PZlUizXWl6eTIPdkZQsO37udyTnIZNMdr6uzp0EmASJc+upxGOGSNLmsFhcQGXxkfx8PcewKN730XyDJCDox4uMtLIJcEEckLKSVIDZhSpSHIby/AWGVI1yBZX2nUBW9tz9LMOXec1JKiqckXjZF7NALIkXyBPpaStV4nUO9LUkOKZHLxKuqFGIziWLWwKxsosUW1rSjVED3p95xghyPkixNaqROYEZXtHYdxBSOYLwmu2T5KbGBPOJuUmgstZ1JYqAXmn8SqqRSmViywftb5ijMicwBibfUqS4xSGuF1LZc2qCpoIZtw2xsYRlW2O9f7wVV3tsuphSsIggIIv4VBogFdwqOkJQtGWGeiibV/z90HAyyqR24MdpJqdMvtTgFv3u7XgviKBtu1Zp6Fbbesq6JvamYgmUrC9r9qxD6ITDbq2iIzbBqagZ5zilFpFjakarDygHicqUmwNXWkkvBU3dEIr4VZgIicLqO9m6Ps55rNtkXZnO5jNtjCfbaPvZ+j7Gbqux6yfw2ttVSneLdVfmBk+eqSU4EBIKSJkICapHOIpYBik9F2MA8CMGEeMcRCvZ+9hVVTAFidaVSZErWOSAe90Uk0n8H8deFdtZdUDGOV+k1HTYgSZxeNTVHNSni0r8OYMTdQAxEhQcRXEQavCsEpQUm3GkzgwdV7ipftuJhKBd2qXC4IIgZDII3mHNJNC3uQikCTrkaSD9EU70WY3QzMvSTdET7LheycvkY5NjBBxp0w1O5QzMmWQ5sVNOlbjcAG7y/O4cOkxXBouilOYUxuj1jgUtSGE4WBXbMYm51e9qd7TSs1ZCwilPyweNcXGjlvGU9db4d0ajpWLgCSbf/Nutl3LKjcJzTKQKZKVrVzpJ0vgXzoKXhk2m0+NpKcvAVxXVNOsfWCarX1zFbWLyrzU95wlGUrSPMVJVS1EFppSY+2zFjWwQhspqwczUpHQq8YNhcGvwIsqherLEs4I6KqUqkwBN+eRM2lbpVq48rSmVi5AetCa1T2wvf/ke2NgDpBCCzONCvhPVjW7eu3D1M+Ht4UxzRB4+PWPIln/7wBd8iINsoc4H6l0VjqgbgTSaQokFtUhrLNOZF25BXi5gKtx0S3lcnq7PVZAF45apJmdU6exNT+FM6efgvn8FE7tXIP5fAunds6g73rs7JxC1/WYz0/B+6AerR7eJF1IqEbOCeN8S5NjzBHjiOA6DMMSYMJiOQMxIbigiSWskLdkREokx4ImmieVeEFTZzFxTlpvs8j58pNv3SJaxxWbWs+4dpEGLYZSmCHnnKjqCGAHxCRSwxhN2pB0gimSqpepFFFn3fhFCedNMQiojd27UMDW+4B5L/ZVGYOALnRAT0DvkOZS+DyOhBSA5e4COY2IY4DLPTreAeDgXFckJbHgMTyRqPQ0pjWEHn2Yoe/m6EMn9mDdkCfOgNovTKROLxkD9lTzsUSOS3zv0v/BheX38J0LD+ESX8CyYyRmjEMEj4w8AhQMhEkS3EOc8kziMODNbJKrxXtz8Vzu+oD5fNYUKdg/vi1jAVM9Z1M9a/hGgpR7g3oSkz2m5jCmataROSJrHBrbHpOE24xjLPHDBdjJwETC7Vwzxl7V422Yj9MAYOMTYFV1JuprJfUoX332zBL7P8QRLidksMyhlGBhbillxJgwLMXHYrkcEFPEsJQiFeRiYQwYQJfzNHSnYBwVhhkGziSOe1wS4FBTPc3MTK5cA8SyFrLMSQYkyxZReYeBFXPZCidMsvZ1YQDWzIMSqtNKuyqomEZrnXQM1D3kMEA8SMJdPWe9Knn99Q8CzXVq6lWh4X+NTdcmHpFwayalmY3W5s1UEm5/r5KuhRG070w1ubZJe/skPJOOp98YZ27SQd/1KtHOVaqdowtzjdGUl6kcvQ/w+0DXJphl1PEgZDjnEeMIMKHv52BmDP1CkmZ0Uo+1Cx0G79VZxJJzuAK6shhbtYtJCc0zQiSRKs2vp4PUNuuHzs5rh7LanYtzE+omI5mwCImBpDlfczLwBThTiUXkkhNWnHaK8AUCvG7qJjbpeDmNtRTbpbwQHBBks8sOoB5wERhDBkZA8vr6Mk+suhWBVbKy+qookoiNrZ/EYlsD5Q/zgOZyNcm3lDWvbsqXEHkXF/a+hwuLR7E7PIGlWyD1QGRgtKLljbCJYj6pzKGOnP4zv+BcjhOJd3HwfgVw1zBfZNKiohhVxgfrpAWde2UoipA3tSmGQKjmYmHGUlIQBBctlWx+5kXsJy/RHPkCtq3nsT0tmS9E9WYqZOOxSgbOUguZ4ZKDqZ8BsU3HJPG5YxzLK8aIMUoYoHMZzgtQORYHMsemhavrxKRgk86twEDtKrJu1++4vJukK9uV5SFumJVV6VUWof5JKr3bcpmeexATtmpDNV+a1fPW0UHAWK+z/jcH0UHg266BJ3tNu+7lzlmlkw26NmeMXYY6TBHanaaeqEtEnDuaRa4c4BR49Wdu8vPyVjhxu3+Z0gwfPPp+hvl8jvlsC9vbp7CzfRo726cxn53C1vwM5rM55vNt9F2H2UxBtwsachDqAtN7eS+bM7kOzGKTEo9kj74fACIsFjPhZD1p5ZwkSQWQ4L1DjEtkTsrh64SBSbambrGgfVZJ2ZgXi1lTD+MVTvNwNdF0se1X4XABWZQFripw7xDASNwhwWsdlYTIo5Qo06D/FMWTOUWtbqPqPkC8RFNhjAjBSQFyUIZXYOypQx8A3/WYbQUEnxF8AgdG9mITZk/wWwqEO3LNtIhAdsrZswC3FTCIg4aLSCIPIpG0ZrM5tmZbUhbOBcRhEIAkB3BGilGAwfvS9jENiJxAbgTTiOXyESzG83jwe/+CJ4bHcDH9X0SKGD0wcsZejnBgBA/AETJ5uBAg6RXEizXxqOMvKTXZ5yLFeEci/c97zLdm2N7ZwnzewTktqZmSJsqIkhQjZ/EsNw/pdtjLOuWVl3xtKmbvSNNPKSgW0xHgQ0KXEoZhREwJzA6OpAQfYCYTh64TcO17MdH0fY+u82LHDV4TWNSUjSBI0n5AUicSS6pE0/DoHKp2VmlzDSEUTVJmkeJHrjuD+CMwYpQsVCLpRiwXg4DuuETmjK5z0jYfkMHwQdZ372siDwPbyRpTjQor80JQr2UqYby6QZGmh5RwGWEIUfUJTgG8ZcYmgMvV/q/70pOBmaMAV/tuEudhwNv+dp1KuH0/Kk2vtf4aqw5eJtGv8+I+iE406Jr9iMH7JqO9FTXJgdOEC3c9lXRNKKgAXMtKVQ4R5aNylAQtQeaLpNuFUBIhhNAhmLpLz/FeNoNq09HrtaTNKnFmPoDIIQQp7dWFHqmLIjlrPHDX9eiTSNIpRUjlESq5mKXpFppg0q4e5SpBEom60aolra6Bw9Q41vh1zhDtcNVDFaDNhif/aZtJQySQYOkuxT4mMYgpRU1HmJqtQR1KbJtngiOpIQo4JCYpjEZR1HQ+SXq8kEW61T4nAnwgcAd0PcFFJytIkj/XgdKdUKR0lXZBmvVH1NYSrlKTMlR1G5VKUjlDat0SIbHmE84LMAZcGs9jMTyO3fEC9qIUbEiUNTJZfLsBgLVernrOiArfmRq/9brkIgh7J5Jt3/eYKehKZR+v0z+XZBitWWKiltU5YUsLaMcY5btipy2aF2GgzR/C5lvWNZa8ePx658EOOobVY9nSM1YbtC9pNn2RdJvUkdq+DIi2Q92IV3UBLeC2c5jL/mAF5xUwrG8SIybJjCZSbmwkXXEKdB6gTCX7V855Ym+kRiPTbguqE9Fti2BCRQufBSAngoWcX2S8iVYFmOxvrfaqgH8VPES+OdwuO2FgrHGXkXDb36273ur5q214ssA7tQ2vv8ZRnvModKJBNyVuuKIMcwayPLApp5JUop2GU+d/2xGw/73qamx2lclm2MvNYjS1cug6kWa2trC9tYOtrW1szbcxm80xm83Kq+97hE5CMLwPK6BrbWwmHVlssdi6inesI8Q0iBSSBjAnJP3cdZKCsus8Fgsn4KsLNKlKzCoVEanHrfaZVYqpUi+KFDxNOLKemz2aesgmekbrtMbtwncA1E5NnsR84BjEEZkHpJQwDOLVHcclGAngqAwQI6MDU0DWROs+6yaTAzw5MAdk7rBgBmGO5Ag+9MCsB0GTwEdpX5h1cI7QXTtD3gpYphnSokN8App8SKQwzgIIXkHWEzCfbSF0Pc7snEHX9bLBp4wcJXDTkwRxmJcrKIODQ3aESAmRB1zcexSLdAGPPnEf9sbH8PjyEQzYQ96KyC5jGWWTjyCwU2UsSWHzQPq8XmyAOUGLAghDFXrAB49Tszm25ls4s30W/SxgNu/gg4P3ku87pYgYp9Ju1MQLFqvrGnRoY3GdFy/l8vIktlYzgUigtHgBh1DmAHlNnaifY5Qc6p3Ol9BJab2gmoagHspdJ7ZcAWAqbTAJTrhrVmc41eYkYK2Xq6ENAJCsg6JCbzRtOWeNWxbNyxgT4pCwHAeRdJcCuslAN8wAcpKT2TnEJGPvM2vxlbpTGdAV1wpdS0XiQlXQTfc8qG6hqpwLI+HWSK56symTsV/FXn63okpunaqYm7XcCETrqGjf1nxfNXP15naMmmtjBSzrIx0OitRI+/bTdUC++n0B5UOvXulEg26tTYnCsQuI1LR0uQAlF6nJhB5W7s/UzGbfNccSNttuMwlaDrKkZSP7xmxKVme1h3edvtSGpxy5I9RYuwnQMiR+hOoiQXObViJUyUXskXXjCl6k3Jg6pCSSbwojUug101blUxlcwwCItCSfqDmBVEA3Nw5ZNdmrtusIXOu6Y+1jk0oL0PYxmZQnXrtoM39Z+9k2uSQxnCkiplg0II6gZctQKo4w5LoO5mmakRwQAYzDCE8ewyB1VDsPsANKVXUiwKvtcyZOR7xFgMug1IEi4GIPgoPjHgGMQIxADsGJ3T2EDr2fIVCQuOMsPgj7VfnCbCSOSJkRaQ8jLbDERSxxAXu4gF1cxOD2MGIAaxUeyiyvVOc7iNSJSsCVOIFy1vApMUc45zCbe/RdwPbWFub9HLOtHl3nEIJ4PzO0+IFJ4qoNYbTrr85TItMWSw1a8lnvxVKX1pl/gZNYYVcTP1vsqC1O59WL3zvkLG2y9UdE0kaSQhGm4jeptvgwlJetOa25zXUtsU7M4glgwmXZZaFzy851RePCTKpiR3EgS2rqiCmW4hACf1rggVCcvkjD/Mz8Ve7dautsXzCQY1sPVISCwhuwzfn6z3YZWxf2UPabRoasi9a+a0DP9tR2X6yXI+PrpxItVxQ/CP6K41Vpb33tc27Tfde2X27GqDoJ1rtNxnH9zVGlrRZYywl1PyMTtGpvHBV2TzToxsTwowxSshy8yBOgYGQBT0JNnu65aCyrrcKGpuk8JphziaknZe7XgTEfaQfZYbyfwfs5vNtG57cRwikEv4Xg5wg+IHiHzjGCF69WpxuiOE8rmBn3XIjqy9YXJVF5hiyBMcHDJ4nx7WdzzNMOAPHcjeNYyh+mNEiGKs5wTsMtzDKt4Q3RJTiN6WTzdNXfMAapKKC2u6laZjrp1nGJ5qxVn4pAa4plZcpIxBgpIVGSEmVEcJp+kfII5BEpDkhJvEJjjFguEszVmUjicJ2VXSOpeSsl3AAaEzIReEiIPoIHwjhj+DhHmgdQcvCdh+8085QHspO5FTEgj4xlBrAMCLMBXdrBqXEbPXfYzk9BoA4ddfAGKuY17WWjjHkPOWXEPCKljDSKhzSnDpmARIxlXGCZdjH25xHDJTzhvo09egyPdf+BXbqAi/w4MjJC1wEMdCNAMSENWo7OOwQW80UHhuMRaVyCUkJHGeQIs1lAN+tw5ppT6Gc9Tp8+paFuXdFyWIWaIuEmrglIWBKCZK7j6zRXc+gYoU/wHSP0jBASfKd5nDsBSe97OB9AXgqjWyYlahy3vGPAMQI8yDEYHiHXueW9lI6zeNyuM/OOb9TJCr7QZCDCSUjFHtu8iZAclKGbzmcDGYZoMZgkqQezU2bPSuhl0VbEjDRGjGPEOIxIUb53GrbjQgciJxov7zELs5KAxHkHTQxVNcONc63Ec7PmCYbObRSEYGNeIayFuckxGBouvo8hnlol6+8ZllWtBfMGeNfuVFTwq4Q/2+fDwKk8aG257YkHiceG7euk06ZLUMwdB99c5i9X5sJyda8CsGVAs2dmWF7Vy9OJBl3jJI0Dn0yt1oao/8vAGLcri7ByLHrMwLW5j12qeLvp5KmcTuV6nfMahyn2O7/qRWnSbpHcWi7JOO/2vnKzEgpgXG4BrsrBO7WDeeeLLStoBqGYxI5oE1rS2NXYPeNKpHpPBcCSMQfmlVv4apEIDrCprCM7Zwq6DVeqi5p1HGiihWBYMAmVcZaJXuyJuaq9OatNFZJ2WeI8LUxFU0JqFqOcJUct2IEzofe7YCapV5tZwCqo5FXy/yZkgqygBGS/hNQtGhDcHFvBIVBARz2QHZBJ6pmySM8mUcFJ3C9TxjBGqVsLV6T8JZ7Aki9i5IuIuIQc9gAaETKjT4SOvFTk8brmx5q3eWJnJTURkGpZPIlZIzicOrONbtbh9OlT6LqAvu9KlqjSn9xoj0pVISuhl8tcNROLJNAnhM4hBM3dHDxcMNt2I4W25eRaBrOZM9A16p0DgkfIAS5XmJiU1LN10HhcV2m3Sr3mS8Aofr2N7XE6l0uoi66Y4s3cmESgmoqqaWMxgWmZQdtHvNPMZ2pSkrSawuSYdO6buOQCb6xaqGnD6p9AsYbJZ01tsiI97t8b1y1WlPOYWUHcRI1DYXPSZ+X3K/c96Ar7GfcK1mVI9qmN2/Np8t4eP3x3ml6wPftgFfPK30e8wYkGXVn4po5suKJmQGUduyrlUo11I92AnIFx2fmni16oKlAUZ8vAmIOBg8YFhlAAr1SS8foeOjgftKIHZDPUlIaSvlW48lVJt0JOexSSSYZdCevoug4pBYRBQpXACbN+BuaEHAcFaYA5S6KaRtLNIFHlstMUcyLJSP5YS65B5XlN3XIUL0MZCypjUxxp7GoNEjsF38xNrioCiNTOSRmawkmARG3blvknJUZKgCGcL5tuC7q5fHYkWZuWixF9NyCNjO3FiBQZW9tb2Mpb6HqReG2sEkvpcddJ4pHkLyE5gLtdhPkWTp9x6KhDjy0MC8a4zBgHRo6MbFy5D7CdPw0ZlxYXEZExQOcERSz4PJa4gIgnkLGH1F8EhQW25g4+d4izHjFFpMiIo6SnlKpLAGnh9IQMRzK2xFS8q3d25pjNejz9uqein/fYPrMFoLHbp7rZ52x1dKN63o5IKUm8bAO6wlyK3bbrPfpZQNcL6IZO7Lgh9MKUarYvcq5my2j2rnXzKnQBnr1675ta1+aXK0xtdaLyk424BWADI8smZWA6XfeVCgNg5wIwW65RTqxe9Vm1AlmBl1UQchoiGDCbzeG9x6yfwXmPvvNaP7jOTVljKPdg1GT8xuxbHmhQlcZBMs8YDejmXD43i9KWnT5kfdbVd96ngVtPEztue39tm5iqDv6tkcTor2SBOoSxb00Iq8ebGxza9sN+2zKAqyUq1/32IDrRoAtMN+sJKOlmxqjcotUqLfJVU82jXKThsqc3ao9q6IyKZcXcYroeAyauXrP1vq5ykWofZRanCxAki5Bl7yhtQsMM1AbJAmpqURJQKp2EAJ+qxGvvOSeANXWmPIrcjy0GNoOdJJqAk3zG5IAEL3mT1NlHvCsNcFHeZZE07Z5Qy2ET2jAEAhWHDuFsc3EKDgCidt8kg5GTsnM5E4L3ktrQiRo0sdjWzKZPKZc6sa4wX9LKjAyipDY56cOscaBjGhDTgNlWh9AFkJb9y1HLzMGD4RDdAKSISzmA4oBuAczoFGZ0Bpx6MAVw3wG9hMMwgMgDUlriEl3EkhbYCxcQkbDkBLgIDhHJXwLCLqhbgMIS6Jdgt0RQkWbb9YjRY7mIIEoYFkklcvNvyGqTZqnjHDz6XmyiZ85so5912N6ZwYdSHgHQsBJxzNOiA+qUaHVzLVQoxqSApSpc77QMoITBhK4rkm4IZm+V8neWAKKys2tmTNGOTDdTA06Lj7W1PZGgm98dJgEVcJcbrj2vDR9SDlCAl8XL3FkRDUoawpOUhxCHL4IWigdphEGHvp8h+IC+n4nHeO+UKYyQyhcW9pbLejdJ1/YTKxZiat9pm23+q+2d1VhWgEeTlKz+lNHsLXZh13yufbcKSrzSfwVwDbzt4oU5sLtPW9GOyz6guwzwtu+H/b1K6yIsDgLdy93nMDrRoFsXFgBNpVccIFbSGBaJiglaKVSOFsxWVGWbLAaMENUGKq9ZJgJBVIOKDlUdLODK3ErNCrhQZ5ksXKstWlKHDAkJqqowa12doPUedWHk8gymxg6hl8IIaRQAjuIhzepAY1xv267M4hkM9e60PksZcCTORawhO6yOLatqKHm+g7nJ8gTUJsO3DZOUUdLxzKkuQ8dILsM5hvcM7yBxs96B2cOHgMwE74WjFyldJN6kDI4lwRcvVpTFb2EeaRwwuohhGLFcLrFYLrEctzGM29iKM8xmnahHHaBJt+E4gIkwOiDlXaS8xDA8joEvYO7OYttfi47OILhT6LszCGGuIAgMiwWGcQ/n6TEMboFL3XlEFzFgALsRCCP8lrycXwB+CaZdMC0RvMYYz7Yk3zEtACK4MIKibcjV4QkAus5jNutw5vQWZrMO1zzlNPo+YLYjdYKXaahqP4JEZ0XWuFxxUhOHNZFwDXyZCV3oQZBcxwawnXrmd50TKVfHy4egwOjLHJ84YSkdFAYCaNw6NwuTVdJdVV030u2Bc3JFmj5Qe3PARksAkgbGSoY8wLkA5yTe2hFPTEwzTfu6Nd8uGdGcI4RO5pWohK2gR80SJjc0PWt9rSaJqxIlt79UE1zzOFzBfJVWwbLNUqe/PrA/7fftdVb/nkox7b6231w1Sdd4BGD7flXM7XivY/QOm4/rPh9EJxp0xYHCw5Kym+qknYTMpppESfzu0NbBbMbeJNaGbay2B8K0ALYsMhj4Nm0yYAUMuA3oUfwBirrHKdhBvE4tRtFBQn3QcLayx4jX5nQB6CSxzcZXu3HhslUCdi6rE5Y6mME2ChLm2llMnYCiywSfnQIZkOM4eQYr+FABGE0ftS0srglVrUzSJ+24KG7DMcPDIXOWd0SVGjIIWVXCrBIvIXTyDCGITdpFS9HHVhUQ1RmOkZkkCBkEcbpieXYAKWeMMcKNAxYLglQUGpFzh9ALeKg7ADw84BzcXKq4sAcGXuIC72GRzmM3Po7eXYPgTmPLPQWBtgDuwGA8Mf5fDHGBJ9wjGMMCu/15jOOA3XEXGSNSGuCHCIeEbhvwHQN9gvfiQpMBSeVHHiEwoncgGrSHufS7zUPnCF1wmM07zOe9FANwsrEzmXMIybww03DZtqcbp9l1c1INDYm9tVMbbtd7hM6reUUkax+cJqcQKVdqCLcMZl3DlHMpuVdtsHVhr0pPl5N0m4VSJNRynZVnW6dabddZ+y7z1Yw/VIrKO5d1vTG8l7ln+baDxmmbj4dI/qTFGWR+MwNJjP1N/LNInCIguHr/8l53K3uu1PYZdE3YZ/OOWkOyvmuSCpN0az84VSZOQejAMVpROR9EBzE8ZJs4pvc87Dqr517uV6uSbPtaJ+WuUvXTOZxOPOgKcNqCNU6OkVEDsk2ictSCbZV3JzqTsgCnh4V7XAETsslgHyd8Og6aY3Ztsb0J2Em7MuAcKDvZyE39YzYnImUwqGnpdIIY2EoYgpb+UnW1OJkEMMWarQYAkW8YT3UGoYzMqsIjQlL745gcMkjL7K2RdHUT2tetpcOUP28lXNuwlImXy0g7nHLyYigQ7+Nqi0UpR+a9Rw6ADwEpJwlV0RCnGqZt/SY3EbwQoKnp36U2KqUkoLvMAEV4n8HoMINHDk48kMUjSZidedDSaQkpAssBWKRt+HQeM3cJnTuDsVui89tA7pAZuBC/hzEtsOceQ8QCe915LHmJJ9wFxDwgpiUcZRAnnJrPMXMd+p7gAsSJiIVR8cjwPkubdCylI5sxARdbaz/r0M866SOSRCIomgbppwwGpyr1GhjaqzhRMcOpOcVpCk0BWV98Grx+9kHtycoUUqnO5JRN0PmkzOaqZGHS6qrdr86u/YA7mX1rVMYTtefKd6v3WncdMu2Ycu9kDKTzEhLlA7wutpIUR30+Jk6WniClcQkEL1JqdhIzD0atyWjmJ0PbBngnzEOrWrZnrGeRzY/Sd2iDMvb1Q7ufFQHgaILdZftw9dy1mgc08vBlbrwKnM3Fn1QbWzpKxqn/FZIuoJ1Fxr2pekK3Uq+2s/qdyliscJupZBpqwRZoOVmd8EX6tVhKuaYBh5XEahgy+dtRsSXKAjAE4GZDbK9tmZ/UAQZ2rdbbWbjQqQwy5eSYJT9xSllBx8O4ZJNUWCU9KzyQlalw3oukkzSG14mDCvtad9hqhpoTDbNVVbGu4vJujEnhT8gV0AS10lTd9AHpdpcJnlXl7qTSDzjDOwI7KxXnRK3MBImcccjsIFXqJfSoRGNpH8rdxCRB0PzHdtSpKrrUZM1SZCIyXAwyKsosuAAI18QaGiFJKRJl5DggxV0kLODwOJbpPPwwB7kOGYRdPI7kRuRuFzEvseDHsDvu4fH4WMlcxEsGHOP82KG7EHDmmjlm8w5bO9vwvsdW3yF5RpotkMY95HQJOSakmOtkhmbTckCwBBGOtOoNAUnWhAuhjI/TKuziD5AE/NGCnlw7BGHuus7DB4+uF8m26zUxRddpGkaRfJ1v4tIbKUtnv84h18z3qQRia9M+lyT1jaS7ak+cJp3B5LqtpLvu+4OOtZJutVNCARcquTrN5EYq+XrRHukYlPq1ytDbXmMmo5yTrtHa37ZXmSGtBvpMGd4y2SdhLFNJeLJ/7eue9n71s/3WgNfoyUif9vdRwLhImZMWrL/fYfbW8jANM3WQqnhVxXzYPdprSUrSy9P/CNC1fbrtHgle102zkUTbf8V+a6c06uM66WiyyVRwbNz3CQVY6zlcgKbgfcN5srKoPLlm5fJYE2RIGa5VrrJCxPSpjd0QksLujEkKRDS2vmxA2TAcpnK3yWX/HKk9vN3QakiJpYks7V+Z3LIZ6bbqmi2W2+cw9lk3FGaRflWiY/Uy9q2tjhzYSayld5L3OjAhJtJSgAQgIyfU0lCNxKtshvQpZxQTQqtaAsu1tIoRESN7tc9D7McsjUQO4uWZkUAkvsgpJxAvEPMAwgyOezCABZ5AdhGuH5HSEuNwEQNdwm56HGNMWA6p4NJekphTdBnbPEM/35a47zCDIyAEwLsELqUOuTwZ0DCA5bl0c8mMnB0qe2qAp2NmHsET1VmVeix9qffTl0i2jSNfCOWzOeRMnGpMnCadc4bLK5sjmrkJqARSF/CUWW5+vwqWdQ43oLtGEl79fBBYGGNjL6epNr0THYoloCn9X6IpUBK3oA2BK34XebLHSTtk5u2HoqY/db8pIFPGrBFR2+1OWjdhQKb7GdmNsbpXte8H949dcz0gHqTCnxxfedrLAeJaSZdqvuR1vznMlLBqrjiq2nmVTjToxhg1Ew2rPaThUNAMUFmQTaxeQWlG9RKcAi6wsvAmk9BClGTViNSUwZrFSUVFiGdyRMojYhpAkRDjEuQSYuzhUXPBOkcVvFA9O9mV+VJv3wiFTjl8dqweoSXQRhkD2QA4AzlBPU9HzcdMEIdcAteah0g5IXIshRNiHhFz1BqgBrgGujX9HwN102DbqKShPmj5PmdZd0zGlfFqN/aqFhO7rAGvh6hPu9CLpygTUmaAImLMyHAgJ5uV8x4uJIxDRBoTUlRNgzTS7tKMteWaNgkGWvu0ib3UVITJEeCBHHMpvQdmtb9lSb0YMpwzR5hR5gYFwHcybnkBRwlhBlAcQcMA9iPGNCJmse7ZeAwDY7kYkdNFXOz3wKPH9tY2nv7UbQTy6H1EcN7KLdW9VTf0lDX37+h07EkShzgteO88HM3kmVPtI6KgjmMyV7JqT4qK34vzlAuSl9q8lgVkA3zXieOUeizXMBBJQ2oNLfZQkvChgzawddIHCOp13jKcrT1yCt52rIY6KYOsKsS2xNs64J181klPTh34nCSs8KoqZiY4BtqYePGetz0kSjpOMheqDOYBzBGJR9heZHjHGuVgrRB+eT/QVYaikW9b5N7fswB431FuWFPTogMHg6cdWwWjw6TH1XPMcar9zUFAvnqtdaE8q5/t+uuegWh9gfrVV0tHsVW3dKJBt6o1C0MHwKYPmSylB02VUj2X64XsewBa8WYqrclVSyks+xHbpAQsk4pJqfW9qopSTnA5IuUInwgpZ0l0niU8wzYAZiphi1MyCU3/N+aCViaG/bMJwm1/iTdryhkxWxabKOBcRGrSdH/1ZQn3jWOubeUCvuC62HPh2BsJg5wWWJf75EaaBkjjbzF9RnA1ZzFg1lcvBjCEwKCUEbyo230UJymfSLcwIKdUyv6VJAXFZICyidlsaW2XJtHXd31l3SiTbKBUshiptAIGuaSiZtLZuARRBLzUT3VYAsRwHcEhQvL5WnFzc7CTMcxqQ13sjYhDwt7WEsQe+azUXjXhpvRZI3WZZCr5yGuhgsp/kNoPzfTQMCK5ZdzQjKlmnnJ6LyfAUyS44tDky9/CDGocumozbO62UmBdspeXHOoGX4+tc+BppZvynSX+UOkazW/WvR9EvNLn0GcyNbMpyooLUxkTzWeOKMdLrvOIkgluZR+wqdt+LgzkpJm88l5+feBTrP+7fqbmf+DowLsO4C43tmvNAQe0/jBNyL7vgEPbc9B3BwHuk3kmoxMNulmTY5RcxgU0gMkQmZMqQRyA2ovYhlmAmGHhRu3iXU8MkQBEPZkREeMCYwwY4wIxSoznOC4QvMfgA5gThq4DOMEPhJSlZJip5URlag9TNyrAl/bVsVXnMMeAl/Y6slAMe2mKvgzEMWEcEoYoTjpjHAEQAouzlvNyD4JH4ojIwiAwJ41XjRKvyVkzQKFkJEoplc2tvueygRMBPsrmm32QjDsOktlHnU/svJZxsIovwtMwzOnGuw4gD58BUIZPwuSEDmDKksLCO+k2iI1ydNAC99p+Tb9Jzc1NUs9ZCgf4zHCJkLNDSoScFEKJwMnBZTNhtCpAGTsmkYbJseQfhmyiIchzBtOWMDCkiMXFAYuLIxYX1GbOAPlcAD0A4IERkfD4/3ceuxd2ERKjCwEpZywWS4SwxGzGYISi2XDUMn9Zx42xXC7BDKQLS0FKN1PA4BKaZZSiLCLvA7qOEdMoCiKtXkRkBSbUdukljaMlggFZXuWmwk8BX+mzircVaS63ka06CWGFYbL5uM5mZz4V5EiBt9qs15lIyqorkhcBpHHyJBoN55QJdqTO8aphym27IlImIDEoW2pKgJEAjRkHsvgkYFVFaoly7POqHbE1WakEb+1GkS+sI/ScxnRAdvxwOmhYjgJepaVHZGomTVu5z1FUzO3vgf1OUevHdvr9UQH1KHQiQdc6ZRiictmE5K1ztONWfyRs+RqOhQGfdcOQYWWYd2aaStB1pk/e1KUGnqT2KrCEpxmCX4Cog6ddzRhE6LoBlCUF35ijZKSZDxpbGwRSqKaxq/F9VSXOKiFAAVqkGEYcI4blgMVigb3dXVzavYTFYheXntjFcrnApUsLjOMedpd7kq9YM1R5LwkUanFvJ+rlNGqmp4ghLhFjxLAYkbLUBs0pYRjHUtHJNrlJqbemA82BJPsMb+pwIgTSVH0wT/O6EFThhjFBpXPJAR1ZwD+OIr3FUST3FPWV5P6WZL4yChV4hAGrNnPZkMxJRcDEe1F7j6M6nSEjecmR7BxKKkmUDEIZNvvIM3IgkM/wLNKuI4kvJVXZmgQ9DBHDMmJYZsSBtWi72rRNCWEdAmC5HMEpY/fSHrpOlvGwXKpqTBzBUq4bYGYgRpnX45jgXMKgtYiHUWZxzQYqgOtcZYIkTjc3GZZQGCrmjBglG1aMkjHMjQkEj8FF5CyMRoosDlqqumirf0lLjclsQK5IvzRZ37YAq9alrFLB3jwFXOdckQpXmemyHzT5dFeB184r74WnNz+NsUq0qkSpaSCl3+umlGDOarX4gswHOSnJXHJZBYp2v2r8Ntjmqt63wK1ZiCfGkyppl/5unsuAv9HuUUFpPQA7z8bBT6TPI0mvhElu44OAdx/jM9nR9wPrunbUd6CtFHdg29a0Y/X7dUyD0TimQ69RrsVPViF9FdC3v/1tPPvZzz7uZmxoQxva0IY2NKGHHnoIN9xww4Hfn0jQzTnj3nvvxQ/90A/hoYcewpkzZ467SU+KLly4gGc/+9mbtl9hOsltB052+zdtPx7atP3KETPj4sWLOHfu3KFxvSdSveycw7Oe9SwAwJkzZ07EgKyjTduPh05y24GT3f5N24+HNm2/MnT27NnLnnO0vFUb2tCGNrShDW3ov0wb0N3Qhja0oQ1t6ArRiQXd2WyG97///ZjNZsfdlCdNm7YfD53ktgMnu/2bth8Pbdp+9dGJdKTa0IY2tKENbegk0omVdDe0oQ1taEMbOmm0Ad0NbWhDG9rQhq4QbUB3Qxva0IY2tKErRBvQ3dCGNrShDW3oCtEGdDe0oQ1taEMbukJ0YkH3Ix/5CG666SbM53Pceuut+NKXvnTcTZrQ7//+7+NHfuRHcPr0aTzjGc/Az/3cz+Hee++dnPPmN795X9moH//xHz+mFk/pAx/4wL62XXfddeV7ZsYHPvABnDt3DltbW3jFK16Be+655xhbXOkHfuAH9rWdiPC2t70NwNXV73/3d3+Hn/3Zn8W5c+dARPjsZz87+f4o/bxcLvGOd7wDT3va07Czs4NXv/rV+Pa3v32sbR/HEe95z3vwwhe+EDs7Ozh37hx++Zd/Gf/5n/85ucYrXvGKfWPxhje84VjbDhxtjlyN/Q5g7dwnIvzhH/5hOec4+v0oe+LVPN//u+hEgu5f/MVf4F3vehd+53d+B3fffTd+8id/ErfffjsefPDB425aoS9+8Yt429vehq9+9au44447EGPEbbfdhkuXLk3O++mf/mk8/PDD5fVXf/VXx9Ti/fSCF7xg0rZvfOMb5bs/+IM/wIc+9CF8+MMfxte+9jVcd911+Kmf+ilcvHjxGFss9LWvfW3S7jvuuAMA8LrXva6cc7X0+6VLl3DLLbfgwx/+8Nrvj9LP73rXu/CZz3wGn/rUp/DlL38ZTzzxBF71qlchpXRsbd/d3cVdd92F973vfbjrrrvw6U9/Gv/6r/+KV7/61fvOfctb3jIZi49+9KP/T9t9ubYbXW6OXI39DmDS5ocffhgf//jHQUT4+Z//+cl5V7rfj7InXs3z/b+N+ATSj/7oj/Jb3/rWybHnP//5/N73vveYWnR5euSRRxgAf/GLXyzH3vSmN/FrXvOa42vUIfT+97+fb7nllrXf5Zz5uuuu4w9+8IPl2GKx4LNnz/Kf/MmfXKEWHp3e+c538nOf+1zOOTPz1dvvAPgzn/lM+XyUfn788ce56zr+1Kc+Vc75j//4D3bO8V//9V8fW9vX0d///d8zAH7ggQfKsZe//OX8zne+8/9t4y5D69p+uTlykvr9Na95Db/yla+cHLsa+n11TzxJ8/2/QidO0h2GAV//+tdx2223TY7fdttt+MpXvnJMrbo8nT9/HgBw7bXXTo5/4QtfwDOe8Qw873nPw1ve8hY88sgjx9G8tXTffffh3LlzuOmmm/CGN7wB3/rWtwAA999/P77zne9MxmA2m+HlL3/5VTcGwzDgz/7sz/Arv/Irk1qYV3O/Gx2ln7/+9a9jHMfJOefOncPNN9981Y3F+fPnQUS45pprJsf//M//HE972tPwghe8AL/1W791VWhLgMPnyEnp9+9+97v43Oc+h1/91V/d991x9/vqnvg/bb4fRCeuytD3vvc9pJTwzGc+c3L8mc98Jr7zne8cU6sOJ2bGb/7mb+InfuIncPPNN5fjt99+O173utfhxhtvxP3334/3ve99eOUrX4mvf/3rx5767Md+7Mfwp3/6p3je856H7373u/i93/s9vPSlL8U999xT+nndGDzwwAPH0dwD6bOf/Swef/xxvPnNby7HruZ+b+ko/fyd73wHfd/jKU95yr5zrqb1sFgs8N73vhe/9Eu/NKkY88Y3vhE33XQTrrvuOnzzm9/Eb//2b+Mf//Efi0nguOhyc+Sk9PsnP/lJnD59Gq997Wsnx4+739ftif+T5vthdOJA16iVWgAZxNVjVwu9/e1vxz/90z/hy1/+8uT461//+vL3zTffjBe/+MW48cYb8bnPfW7fIrnSdPvtt5e/X/jCF+IlL3kJnvvc5+KTn/xkcSg5CWPwsY99DLfffjvOnTtXjl3N/b6Ovp9+vprGYhxHvOENb0DOGR/5yEcm373lLW8pf9988834wR/8Qbz4xS/GXXfdhRe96EVXuqmFvt85cjX1OwB8/OMfxxvf+EbM5/PJ8ePu94P2RODkz/fL0YlTLz/taU+D934fV/PII4/s45CuBnrHO96Bv/zLv8Sdd96JG2644dBzr7/+etx444247777rlDrjk47Ozt44QtfiPvuu694MV/tY/DAAw/g85//PH7t137t0POu1n4/Sj9fd911GIYBjz322IHnHCeN44hf+IVfwP3334877rjjsnVRX/SiF6HruqtuLFbnyNXe7wDwpS99Cffee+9l5z9wZfv9oD3xf8J8PwqdONDt+x633nrrPjXIHXfcgZe+9KXH1Kr9xMx4+9vfjk9/+tP427/9W9x0002X/c2jjz6Khx56CNdff/0VaOGTo+VyiX/5l3/B9ddfX9RS7RgMw4AvfvGLV9UYfOITn8AznvEM/MzP/Myh512t/X6Ufr711lvRdd3knIcffhjf/OY3j30sDHDvu+8+fP7zn8dTn/rUy/7mnnvuwTiOV91YrM6Rq7nfjT72sY/h1ltvxS233HLZc69Ev19uTzzp8/3IdEwOXP8l+tSnPsVd1/HHPvYx/ud//md+17vexTs7O/zv//7vx920Qr/+67/OZ8+e5S984Qv88MMPl9fu7i4zM1+8eJHf/e5381e+8hW+//77+c477+SXvOQl/KxnPYsvXLhwzK1nfve7381f+MIX+Fvf+hZ/9atf5Ve96lV8+vTp0scf/OAH+ezZs/zpT3+av/GNb/Av/uIv8vXXX39VtJ2ZOaXEz3nOc/g973nP5PjV1u8XL17ku+++m++++24GwB/60If47rvvLh6+R+nnt771rXzDDTfw5z//eb7rrrv4la98Jd9yyy0cYzy2to/jyK9+9av5hhtu4H/4h3+YrIHlcsnMzP/2b//Gv/u7v8tf+9rX+P777+fPfe5z/PznP59/+Id/+FjbftQ5cjX2u9H58+d5e3ub//iP/3jf74+r3y+3JzJf3fP9v4tOJOgyM//RH/0R33jjjdz3Pb/oRS+ahOJcDQRg7esTn/gEMzPv7u7ybbfdxk9/+tO56zp+znOew29605v4wQcfPN6GK73+9a/n66+/nruu43PnzvFrX/tavueee8r3OWd+//vfz9dddx3PZjN+2ctext/4xjeOscVT+pu/+RsGwPfee+/k+NXW73feeefaefKmN72JmY/Wz3t7e/z2t7+dr732Wt7a2uJXvepVV+R5Dmv7/ffff+AauPPOO5mZ+cEHH+SXvexlfO2113Lf9/zc5z6Xf+M3foMfffTRY237UefI1djvRh/96Ed5a2uLH3/88X2/P65+v9yeyHx1z/f/LtrU093Qhja0oQ1t6ArRibPpbmhDG9rQhjZ0UmkDuhva0IY2tKENXSHagO6GNrShDW1oQ1eINqC7oQ1taEMb2tAVog3obmhDG9rQhjZ0hWgDuhva0IY2tKENXSHagO6GNrShDW1oQ1eINqC7oQ1taEMb2tAVog3obmhDG9rQhjZ0hWgDuhva0IY2tKENXSHagO6GNrShDW1oQ1eI/n9yrwzMy7mkPQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "idx_to_class = {v: k for k, v in model.class_to_idx.items()}\n", + "\n", + "top_labels = [cat_to_name[idx_to_class[idx]] for idx in classes.cpu().numpy().tolist()[0]]\n", + "\n", + "\n", + "fig, ax2 = plt.subplots(figsize=(6,9), ncols=1)\n", + "\n", + "\n", + "pil_image = process_image(img_path)\n", + "\n", + "ax2.barh(np.arange(5), probs.cpu().tolist()[0])\n", + "ax2.set_aspect(0.1)\n", + "ax2.set_yticks(np.arange(5))\n", + "\n", + "ax2.set_yticklabels(top_labels, size=\"small\")\n", + "\n", + "ax2.set_title(top_labels[0])\n", + "ax2.set_xlim(0, 1.1)\n", + "\n", + "imshow(tensor)\n", + "plt.tight_layout()" ] } ], "metadata": { "kernelspec": { - "display_name": "Python 3", + "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, @@ -342,7 +1224,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.6.6" + "version": "3.11.5" } }, "nbformat": 4, diff --git a/data_loaders.py b/data_loaders.py new file mode 100644 index 00000000..12b45d57 --- /dev/null +++ b/data_loaders.py @@ -0,0 +1,51 @@ +from torchvision import datasets, transforms +import torch +import pathlib + + +def get_data_loaders(data_dir): + if not pathlib.Path(data_dir).exists(): + raise FileNotFoundError(f'Data directory not found {data_dir}') + + train_dir = data_dir + '/train' + valid_dir = data_dir + '/valid' + test_dir = data_dir + '/test' + + # Define transforms for the training, validation, and testing sets + train_transforms = transforms.Compose([transforms.RandomRotation(30), + transforms.RandomResizedCrop(224), + transforms.RandomHorizontalFlip(), + transforms.ToTensor(), + transforms.Normalize([0.485, 0.456, 0.406], + [0.229, 0.224, 0.225])]) + test_transforms = transforms.Compose([transforms.Resize(255), + transforms.CenterCrop(224), + transforms.ToTensor(), + transforms.Normalize([0.485, 0.456, 0.406], + [0.229, 0.224, 0.225])]) + + validation_transforms = transforms.Compose([transforms.RandomRotation(30), + transforms.RandomResizedCrop(224), + transforms.RandomHorizontalFlip(), + transforms.ToTensor(), + transforms.Normalize([0.485, 0.456, 0.406], + [0.229, 0.224, 0.225])]) + + # Load the datasets with ImageFolder + image_datasets = { + 'train': datasets.ImageFolder(train_dir, transform=train_transforms), + 'test': datasets.ImageFolder(test_dir, transform=test_transforms), + 'validation': datasets.ImageFolder(valid_dir, transform=validation_transforms) + } + + # Using the image datasets and the trainforms, define the dataloaders + data_loaders = { + 'train': torch.utils.data.DataLoader(image_datasets['train'], batch_size=64, shuffle=True), + 'test': torch.utils.data.DataLoader(image_datasets['test'], batch_size=64), + 'validation': torch.utils.data.DataLoader(image_datasets['validation'], batch_size=64, shuffle=True) + } + + return { + 'datasets': image_datasets, + 'data_loaders': data_loaders + } diff --git a/flowers/test/1/image_06743.jpg b/flowers/test/1/image_06743.jpg new file mode 100644 index 00000000..fcbdc980 Binary files /dev/null and b/flowers/test/1/image_06743.jpg differ diff --git a/flowers/test/1/image_06752.jpg b/flowers/test/1/image_06752.jpg new file mode 100644 index 00000000..a6a56492 Binary files /dev/null and b/flowers/test/1/image_06752.jpg differ diff --git a/flowers/test/1/image_06754.jpg b/flowers/test/1/image_06754.jpg new file mode 100644 index 00000000..dfb1f81a Binary files /dev/null and b/flowers/test/1/image_06754.jpg differ diff --git a/flowers/test/1/image_06760.jpg b/flowers/test/1/image_06760.jpg new file mode 100644 index 00000000..eb0698c8 Binary files /dev/null and b/flowers/test/1/image_06760.jpg differ diff --git a/flowers/test/1/image_06764.jpg b/flowers/test/1/image_06764.jpg new file mode 100644 index 00000000..12f13be6 Binary files /dev/null and b/flowers/test/1/image_06764.jpg differ diff --git a/flowers/test/10/image_07090.jpg b/flowers/test/10/image_07090.jpg new file mode 100644 index 00000000..69752eb7 Binary files /dev/null and b/flowers/test/10/image_07090.jpg differ diff --git a/flowers/test/10/image_07104.jpg b/flowers/test/10/image_07104.jpg new file mode 100644 index 00000000..851070ab Binary files /dev/null and b/flowers/test/10/image_07104.jpg differ diff --git a/flowers/test/10/image_07117.jpg b/flowers/test/10/image_07117.jpg new file mode 100644 index 00000000..c5fcfa2b Binary files /dev/null and b/flowers/test/10/image_07117.jpg differ diff --git a/flowers/test/100/image_07896.jpg b/flowers/test/100/image_07896.jpg new file mode 100644 index 00000000..482ecd24 Binary files /dev/null and b/flowers/test/100/image_07896.jpg differ diff --git a/flowers/test/100/image_07897.jpg b/flowers/test/100/image_07897.jpg new file mode 100644 index 00000000..3245193b Binary files /dev/null and b/flowers/test/100/image_07897.jpg differ diff --git a/flowers/test/100/image_07899.jpg b/flowers/test/100/image_07899.jpg new file mode 100644 index 00000000..0ded58d2 Binary files /dev/null and b/flowers/test/100/image_07899.jpg differ diff --git a/flowers/test/100/image_07902.jpg b/flowers/test/100/image_07902.jpg new file mode 100644 index 00000000..2e334a44 Binary files /dev/null and b/flowers/test/100/image_07902.jpg differ diff --git a/flowers/test/100/image_07926.jpg b/flowers/test/100/image_07926.jpg new file mode 100644 index 00000000..0d637109 Binary files /dev/null and b/flowers/test/100/image_07926.jpg differ diff --git a/flowers/test/100/image_07936.jpg b/flowers/test/100/image_07936.jpg new file mode 100644 index 00000000..a8cea2ea Binary files /dev/null and b/flowers/test/100/image_07936.jpg differ diff --git a/flowers/test/100/image_07938.jpg b/flowers/test/100/image_07938.jpg new file mode 100644 index 00000000..dd56232d Binary files /dev/null and b/flowers/test/100/image_07938.jpg differ diff --git a/flowers/test/100/image_07939.jpg b/flowers/test/100/image_07939.jpg new file mode 100644 index 00000000..777e7e76 Binary files /dev/null and b/flowers/test/100/image_07939.jpg differ diff --git a/flowers/test/101/image_07949.jpg b/flowers/test/101/image_07949.jpg new file mode 100644 index 00000000..4991abcf Binary files /dev/null and b/flowers/test/101/image_07949.jpg differ diff --git a/flowers/test/101/image_07952.jpg b/flowers/test/101/image_07952.jpg new file mode 100644 index 00000000..66e6ae92 Binary files /dev/null and b/flowers/test/101/image_07952.jpg differ diff --git a/flowers/test/101/image_07983.jpg b/flowers/test/101/image_07983.jpg new file mode 100644 index 00000000..84e9cdbd Binary files /dev/null and b/flowers/test/101/image_07983.jpg differ diff --git a/flowers/test/101/image_07988.jpg b/flowers/test/101/image_07988.jpg new file mode 100644 index 00000000..531d66d9 Binary files /dev/null and b/flowers/test/101/image_07988.jpg differ diff --git a/flowers/test/102/image_08004.jpg b/flowers/test/102/image_08004.jpg new file mode 100644 index 00000000..10b4c013 Binary files /dev/null and b/flowers/test/102/image_08004.jpg differ diff --git a/flowers/test/102/image_08012.jpg b/flowers/test/102/image_08012.jpg new file mode 100644 index 00000000..16ae67a2 Binary files /dev/null and b/flowers/test/102/image_08012.jpg differ diff --git a/flowers/test/102/image_08015.jpg b/flowers/test/102/image_08015.jpg new file mode 100644 index 00000000..f6f58ab1 Binary files /dev/null and b/flowers/test/102/image_08015.jpg differ diff --git a/flowers/test/102/image_08023.jpg b/flowers/test/102/image_08023.jpg new file mode 100644 index 00000000..42fb550c Binary files /dev/null and b/flowers/test/102/image_08023.jpg differ diff --git a/flowers/test/102/image_08030.jpg b/flowers/test/102/image_08030.jpg new file mode 100644 index 00000000..0b1c327f Binary files /dev/null and b/flowers/test/102/image_08030.jpg differ diff --git a/flowers/test/102/image_08042.jpg b/flowers/test/102/image_08042.jpg new file mode 100644 index 00000000..08e5e61b Binary files /dev/null and b/flowers/test/102/image_08042.jpg differ diff --git a/flowers/test/11/image_03098.jpg b/flowers/test/11/image_03098.jpg new file mode 100644 index 00000000..9edf8317 Binary files /dev/null and b/flowers/test/11/image_03098.jpg differ diff --git a/flowers/test/11/image_03115.jpg b/flowers/test/11/image_03115.jpg new file mode 100644 index 00000000..81d46df1 Binary files /dev/null and b/flowers/test/11/image_03115.jpg differ diff --git a/flowers/test/11/image_03130.jpg b/flowers/test/11/image_03130.jpg new file mode 100644 index 00000000..73d4e7c4 Binary files /dev/null and b/flowers/test/11/image_03130.jpg differ diff --git a/flowers/test/11/image_03141.jpg b/flowers/test/11/image_03141.jpg new file mode 100644 index 00000000..4741575e Binary files /dev/null and b/flowers/test/11/image_03141.jpg differ diff --git a/flowers/test/11/image_03147.jpg b/flowers/test/11/image_03147.jpg new file mode 100644 index 00000000..d85b6d7c Binary files /dev/null and b/flowers/test/11/image_03147.jpg differ diff --git a/flowers/test/11/image_03151.jpg b/flowers/test/11/image_03151.jpg new file mode 100644 index 00000000..612926b4 Binary files /dev/null and b/flowers/test/11/image_03151.jpg differ diff --git a/flowers/test/11/image_03165.jpg b/flowers/test/11/image_03165.jpg new file mode 100644 index 00000000..a574b41e Binary files /dev/null and b/flowers/test/11/image_03165.jpg differ diff --git a/flowers/test/11/image_03176.jpg b/flowers/test/11/image_03176.jpg new file mode 100644 index 00000000..95b3a1b0 Binary files /dev/null and b/flowers/test/11/image_03176.jpg differ diff --git a/flowers/test/11/image_03177.jpg b/flowers/test/11/image_03177.jpg new file mode 100644 index 00000000..feafd26e Binary files /dev/null and b/flowers/test/11/image_03177.jpg differ diff --git a/flowers/test/12/image_03994.jpg b/flowers/test/12/image_03994.jpg new file mode 100644 index 00000000..1c3766a4 Binary files /dev/null and b/flowers/test/12/image_03994.jpg differ diff --git a/flowers/test/12/image_03996.jpg b/flowers/test/12/image_03996.jpg new file mode 100644 index 00000000..985623d2 Binary files /dev/null and b/flowers/test/12/image_03996.jpg differ diff --git a/flowers/test/12/image_04012.jpg b/flowers/test/12/image_04012.jpg new file mode 100644 index 00000000..42f4000e Binary files /dev/null and b/flowers/test/12/image_04012.jpg differ diff --git a/flowers/test/12/image_04014.jpg b/flowers/test/12/image_04014.jpg new file mode 100644 index 00000000..fe7fd0ed Binary files /dev/null and b/flowers/test/12/image_04014.jpg differ diff --git a/flowers/test/12/image_04016.jpg b/flowers/test/12/image_04016.jpg new file mode 100644 index 00000000..23d4af2c Binary files /dev/null and b/flowers/test/12/image_04016.jpg differ diff --git a/flowers/test/12/image_04023.jpg b/flowers/test/12/image_04023.jpg new file mode 100644 index 00000000..7b42dbd0 Binary files /dev/null and b/flowers/test/12/image_04023.jpg differ diff --git a/flowers/test/12/image_04052.jpg b/flowers/test/12/image_04052.jpg new file mode 100644 index 00000000..90458585 Binary files /dev/null and b/flowers/test/12/image_04052.jpg differ diff --git a/flowers/test/12/image_04059.jpg b/flowers/test/12/image_04059.jpg new file mode 100644 index 00000000..0115d239 Binary files /dev/null and b/flowers/test/12/image_04059.jpg differ diff --git a/flowers/test/12/image_04077.jpg b/flowers/test/12/image_04077.jpg new file mode 100644 index 00000000..5bb3d7da Binary files /dev/null and b/flowers/test/12/image_04077.jpg differ diff --git a/flowers/test/13/image_05745.jpg b/flowers/test/13/image_05745.jpg new file mode 100644 index 00000000..6988ee40 Binary files /dev/null and b/flowers/test/13/image_05745.jpg differ diff --git a/flowers/test/13/image_05761.jpg b/flowers/test/13/image_05761.jpg new file mode 100644 index 00000000..f592abaa Binary files /dev/null and b/flowers/test/13/image_05761.jpg differ diff --git a/flowers/test/13/image_05767.jpg b/flowers/test/13/image_05767.jpg new file mode 100644 index 00000000..b732927a Binary files /dev/null and b/flowers/test/13/image_05767.jpg differ diff --git a/flowers/test/13/image_05769.jpg b/flowers/test/13/image_05769.jpg new file mode 100644 index 00000000..05efe426 Binary files /dev/null and b/flowers/test/13/image_05769.jpg differ diff --git a/flowers/test/13/image_05775.jpg b/flowers/test/13/image_05775.jpg new file mode 100644 index 00000000..2998e85a Binary files /dev/null and b/flowers/test/13/image_05775.jpg differ diff --git a/flowers/test/13/image_05787.jpg b/flowers/test/13/image_05787.jpg new file mode 100644 index 00000000..4e3516b2 Binary files /dev/null and b/flowers/test/13/image_05787.jpg differ diff --git a/flowers/test/14/image_06052.jpg b/flowers/test/14/image_06052.jpg new file mode 100644 index 00000000..7e6c9687 Binary files /dev/null and b/flowers/test/14/image_06052.jpg differ diff --git a/flowers/test/14/image_06083.jpg b/flowers/test/14/image_06083.jpg new file mode 100644 index 00000000..e39d4c71 Binary files /dev/null and b/flowers/test/14/image_06083.jpg differ diff --git a/flowers/test/14/image_06091.jpg b/flowers/test/14/image_06091.jpg new file mode 100644 index 00000000..c050779b Binary files /dev/null and b/flowers/test/14/image_06091.jpg differ diff --git a/flowers/test/15/image_06351.jpg b/flowers/test/15/image_06351.jpg new file mode 100644 index 00000000..03a535a3 Binary files /dev/null and b/flowers/test/15/image_06351.jpg differ diff --git a/flowers/test/15/image_06360.jpg b/flowers/test/15/image_06360.jpg new file mode 100644 index 00000000..65345cc4 Binary files /dev/null and b/flowers/test/15/image_06360.jpg differ diff --git a/flowers/test/15/image_06369.jpg b/flowers/test/15/image_06369.jpg new file mode 100644 index 00000000..7d668260 Binary files /dev/null and b/flowers/test/15/image_06369.jpg differ diff --git a/flowers/test/15/image_06374.jpg b/flowers/test/15/image_06374.jpg new file mode 100644 index 00000000..182be92d Binary files /dev/null and b/flowers/test/15/image_06374.jpg differ diff --git a/flowers/test/16/image_06657.jpg b/flowers/test/16/image_06657.jpg new file mode 100644 index 00000000..cea0aa6e Binary files /dev/null and b/flowers/test/16/image_06657.jpg differ diff --git a/flowers/test/16/image_06670.jpg b/flowers/test/16/image_06670.jpg new file mode 100644 index 00000000..977b4aa6 Binary files /dev/null and b/flowers/test/16/image_06670.jpg differ diff --git a/flowers/test/16/image_06673.jpg b/flowers/test/16/image_06673.jpg new file mode 100644 index 00000000..d0be848a Binary files /dev/null and b/flowers/test/16/image_06673.jpg differ diff --git a/flowers/test/17/image_03830.jpg b/flowers/test/17/image_03830.jpg new file mode 100644 index 00000000..020441c5 Binary files /dev/null and b/flowers/test/17/image_03830.jpg differ diff --git a/flowers/test/17/image_03846.jpg b/flowers/test/17/image_03846.jpg new file mode 100644 index 00000000..ef7b26af Binary files /dev/null and b/flowers/test/17/image_03846.jpg differ diff --git a/flowers/test/17/image_03855.jpg b/flowers/test/17/image_03855.jpg new file mode 100644 index 00000000..72bf004b Binary files /dev/null and b/flowers/test/17/image_03855.jpg differ diff --git a/flowers/test/17/image_03861.jpg b/flowers/test/17/image_03861.jpg new file mode 100644 index 00000000..317b521a Binary files /dev/null and b/flowers/test/17/image_03861.jpg differ diff --git a/flowers/test/17/image_03864.jpg b/flowers/test/17/image_03864.jpg new file mode 100644 index 00000000..bebe958f Binary files /dev/null and b/flowers/test/17/image_03864.jpg differ diff --git a/flowers/test/17/image_03872.jpg b/flowers/test/17/image_03872.jpg new file mode 100644 index 00000000..e765e94a Binary files /dev/null and b/flowers/test/17/image_03872.jpg differ diff --git a/flowers/test/17/image_03893.jpg b/flowers/test/17/image_03893.jpg new file mode 100644 index 00000000..cdf02fc7 Binary files /dev/null and b/flowers/test/17/image_03893.jpg differ diff --git a/flowers/test/17/image_03906.jpg b/flowers/test/17/image_03906.jpg new file mode 100644 index 00000000..66f857eb Binary files /dev/null and b/flowers/test/17/image_03906.jpg differ diff --git a/flowers/test/17/image_03911.jpg b/flowers/test/17/image_03911.jpg new file mode 100644 index 00000000..02f5e948 Binary files /dev/null and b/flowers/test/17/image_03911.jpg differ diff --git a/flowers/test/18/image_04254.jpg b/flowers/test/18/image_04254.jpg new file mode 100644 index 00000000..c6a51c6f Binary files /dev/null and b/flowers/test/18/image_04254.jpg differ diff --git a/flowers/test/18/image_04256.jpg b/flowers/test/18/image_04256.jpg new file mode 100644 index 00000000..12969134 Binary files /dev/null and b/flowers/test/18/image_04256.jpg differ diff --git a/flowers/test/18/image_04272.jpg b/flowers/test/18/image_04272.jpg new file mode 100644 index 00000000..31393c60 Binary files /dev/null and b/flowers/test/18/image_04272.jpg differ diff --git a/flowers/test/18/image_04277.jpg b/flowers/test/18/image_04277.jpg new file mode 100644 index 00000000..b335de65 Binary files /dev/null and b/flowers/test/18/image_04277.jpg differ diff --git a/flowers/test/18/image_04292.jpg b/flowers/test/18/image_04292.jpg new file mode 100644 index 00000000..c8f100a9 Binary files /dev/null and b/flowers/test/18/image_04292.jpg differ diff --git a/flowers/test/18/image_04322.jpg b/flowers/test/18/image_04322.jpg new file mode 100644 index 00000000..b521d9df Binary files /dev/null and b/flowers/test/18/image_04322.jpg differ diff --git a/flowers/test/19/image_06155.jpg b/flowers/test/19/image_06155.jpg new file mode 100644 index 00000000..d428b6e7 Binary files /dev/null and b/flowers/test/19/image_06155.jpg differ diff --git a/flowers/test/19/image_06159.jpg b/flowers/test/19/image_06159.jpg new file mode 100644 index 00000000..6be32859 Binary files /dev/null and b/flowers/test/19/image_06159.jpg differ diff --git a/flowers/test/19/image_06170.jpg b/flowers/test/19/image_06170.jpg new file mode 100644 index 00000000..f71187d3 Binary files /dev/null and b/flowers/test/19/image_06170.jpg differ diff --git a/flowers/test/19/image_06175.jpg b/flowers/test/19/image_06175.jpg new file mode 100644 index 00000000..3c167332 Binary files /dev/null and b/flowers/test/19/image_06175.jpg differ diff --git a/flowers/test/19/image_06186.jpg b/flowers/test/19/image_06186.jpg new file mode 100644 index 00000000..3e4940ac Binary files /dev/null and b/flowers/test/19/image_06186.jpg differ diff --git a/flowers/test/19/image_06196.jpg b/flowers/test/19/image_06196.jpg new file mode 100644 index 00000000..dd6a18a4 Binary files /dev/null and b/flowers/test/19/image_06196.jpg differ diff --git a/flowers/test/19/image_06197.jpg b/flowers/test/19/image_06197.jpg new file mode 100644 index 00000000..6bb4ad45 Binary files /dev/null and b/flowers/test/19/image_06197.jpg differ diff --git a/flowers/test/2/image_05100.jpg b/flowers/test/2/image_05100.jpg new file mode 100644 index 00000000..fe3b2ece Binary files /dev/null and b/flowers/test/2/image_05100.jpg differ diff --git a/flowers/test/2/image_05107.jpg b/flowers/test/2/image_05107.jpg new file mode 100644 index 00000000..eb8a2a09 Binary files /dev/null and b/flowers/test/2/image_05107.jpg differ diff --git a/flowers/test/2/image_05109.jpg b/flowers/test/2/image_05109.jpg new file mode 100644 index 00000000..7f290385 Binary files /dev/null and b/flowers/test/2/image_05109.jpg differ diff --git a/flowers/test/2/image_05125.jpg b/flowers/test/2/image_05125.jpg new file mode 100644 index 00000000..44dfbece Binary files /dev/null and b/flowers/test/2/image_05125.jpg differ diff --git a/flowers/test/2/image_05133.jpg b/flowers/test/2/image_05133.jpg new file mode 100644 index 00000000..0c9826be Binary files /dev/null and b/flowers/test/2/image_05133.jpg differ diff --git a/flowers/test/20/image_04910.jpg b/flowers/test/20/image_04910.jpg new file mode 100644 index 00000000..a71161bd Binary files /dev/null and b/flowers/test/20/image_04910.jpg differ diff --git a/flowers/test/20/image_04912.jpg b/flowers/test/20/image_04912.jpg new file mode 100644 index 00000000..892216ed Binary files /dev/null and b/flowers/test/20/image_04912.jpg differ diff --git a/flowers/test/20/image_04938.jpg b/flowers/test/20/image_04938.jpg new file mode 100644 index 00000000..f0e62a63 Binary files /dev/null and b/flowers/test/20/image_04938.jpg differ diff --git a/flowers/test/21/image_06805.jpg b/flowers/test/21/image_06805.jpg new file mode 100644 index 00000000..fc69656b Binary files /dev/null and b/flowers/test/21/image_06805.jpg differ diff --git a/flowers/test/21/image_06807.jpg b/flowers/test/21/image_06807.jpg new file mode 100644 index 00000000..a5879c17 Binary files /dev/null and b/flowers/test/21/image_06807.jpg differ diff --git a/flowers/test/22/image_05360.jpg b/flowers/test/22/image_05360.jpg new file mode 100644 index 00000000..e3f16fea Binary files /dev/null and b/flowers/test/22/image_05360.jpg differ diff --git a/flowers/test/22/image_05362.jpg b/flowers/test/22/image_05362.jpg new file mode 100644 index 00000000..d927699d Binary files /dev/null and b/flowers/test/22/image_05362.jpg differ diff --git a/flowers/test/22/image_05366.jpg b/flowers/test/22/image_05366.jpg new file mode 100644 index 00000000..be235f33 Binary files /dev/null and b/flowers/test/22/image_05366.jpg differ diff --git a/flowers/test/22/image_05391.jpg b/flowers/test/22/image_05391.jpg new file mode 100644 index 00000000..d4643f59 Binary files /dev/null and b/flowers/test/22/image_05391.jpg differ diff --git a/flowers/test/23/image_03382.jpg b/flowers/test/23/image_03382.jpg new file mode 100644 index 00000000..8d57ec43 Binary files /dev/null and b/flowers/test/23/image_03382.jpg differ diff --git a/flowers/test/23/image_03390.jpg b/flowers/test/23/image_03390.jpg new file mode 100644 index 00000000..9d9e8367 Binary files /dev/null and b/flowers/test/23/image_03390.jpg differ diff --git a/flowers/test/23/image_03409.jpg b/flowers/test/23/image_03409.jpg new file mode 100644 index 00000000..f691dc78 Binary files /dev/null and b/flowers/test/23/image_03409.jpg differ diff --git a/flowers/test/23/image_03414.jpg b/flowers/test/23/image_03414.jpg new file mode 100644 index 00000000..99b10fdd Binary files /dev/null and b/flowers/test/23/image_03414.jpg differ diff --git a/flowers/test/23/image_03440.jpg b/flowers/test/23/image_03440.jpg new file mode 100644 index 00000000..103c97c3 Binary files /dev/null and b/flowers/test/23/image_03440.jpg differ diff --git a/flowers/test/23/image_03442.jpg b/flowers/test/23/image_03442.jpg new file mode 100644 index 00000000..d537cdae Binary files /dev/null and b/flowers/test/23/image_03442.jpg differ diff --git a/flowers/test/23/image_03454.jpg b/flowers/test/23/image_03454.jpg new file mode 100644 index 00000000..a778884a Binary files /dev/null and b/flowers/test/23/image_03454.jpg differ diff --git a/flowers/test/24/image_06815.jpg b/flowers/test/24/image_06815.jpg new file mode 100644 index 00000000..ab5664b6 Binary files /dev/null and b/flowers/test/24/image_06815.jpg differ diff --git a/flowers/test/24/image_06849.jpg b/flowers/test/24/image_06849.jpg new file mode 100644 index 00000000..fc7a9183 Binary files /dev/null and b/flowers/test/24/image_06849.jpg differ diff --git a/flowers/test/25/image_06580.jpg b/flowers/test/25/image_06580.jpg new file mode 100644 index 00000000..f05076b9 Binary files /dev/null and b/flowers/test/25/image_06580.jpg differ diff --git a/flowers/test/25/image_06582.jpg b/flowers/test/25/image_06582.jpg new file mode 100644 index 00000000..15c83e1c Binary files /dev/null and b/flowers/test/25/image_06582.jpg differ diff --git a/flowers/test/25/image_06583.jpg b/flowers/test/25/image_06583.jpg new file mode 100644 index 00000000..301defd6 Binary files /dev/null and b/flowers/test/25/image_06583.jpg differ diff --git a/flowers/test/25/image_06593.jpg b/flowers/test/25/image_06593.jpg new file mode 100644 index 00000000..883c0b49 Binary files /dev/null and b/flowers/test/25/image_06593.jpg differ diff --git a/flowers/test/25/image_06611.jpg b/flowers/test/25/image_06611.jpg new file mode 100644 index 00000000..f7e4b1c2 Binary files /dev/null and b/flowers/test/25/image_06611.jpg differ diff --git a/flowers/test/26/image_06497.jpg b/flowers/test/26/image_06497.jpg new file mode 100644 index 00000000..df49d517 Binary files /dev/null and b/flowers/test/26/image_06497.jpg differ diff --git a/flowers/test/26/image_06498.jpg b/flowers/test/26/image_06498.jpg new file mode 100644 index 00000000..eef59b22 Binary files /dev/null and b/flowers/test/26/image_06498.jpg differ diff --git a/flowers/test/26/image_06500.jpg b/flowers/test/26/image_06500.jpg new file mode 100644 index 00000000..a62ce741 Binary files /dev/null and b/flowers/test/26/image_06500.jpg differ diff --git a/flowers/test/26/image_06514.jpg b/flowers/test/26/image_06514.jpg new file mode 100644 index 00000000..a7111232 Binary files /dev/null and b/flowers/test/26/image_06514.jpg differ diff --git a/flowers/test/26/image_06526.jpg b/flowers/test/26/image_06526.jpg new file mode 100644 index 00000000..1448d121 Binary files /dev/null and b/flowers/test/26/image_06526.jpg differ diff --git a/flowers/test/27/image_06864.jpg b/flowers/test/27/image_06864.jpg new file mode 100644 index 00000000..b08a8320 Binary files /dev/null and b/flowers/test/27/image_06864.jpg differ diff --git a/flowers/test/27/image_06871.jpg b/flowers/test/27/image_06871.jpg new file mode 100644 index 00000000..2ef1506d Binary files /dev/null and b/flowers/test/27/image_06871.jpg differ diff --git a/flowers/test/27/image_06887.jpg b/flowers/test/27/image_06887.jpg new file mode 100644 index 00000000..fa2d481b Binary files /dev/null and b/flowers/test/27/image_06887.jpg differ diff --git a/flowers/test/28/image_05214.jpg b/flowers/test/28/image_05214.jpg new file mode 100644 index 00000000..4f47db7d Binary files /dev/null and b/flowers/test/28/image_05214.jpg differ diff --git a/flowers/test/28/image_05230.jpg b/flowers/test/28/image_05230.jpg new file mode 100644 index 00000000..59a61475 Binary files /dev/null and b/flowers/test/28/image_05230.jpg differ diff --git a/flowers/test/28/image_05242.jpg b/flowers/test/28/image_05242.jpg new file mode 100644 index 00000000..3f5fd21c Binary files /dev/null and b/flowers/test/28/image_05242.jpg differ diff --git a/flowers/test/28/image_05253.jpg b/flowers/test/28/image_05253.jpg new file mode 100644 index 00000000..9f35466f Binary files /dev/null and b/flowers/test/28/image_05253.jpg differ diff --git a/flowers/test/28/image_05270.jpg b/flowers/test/28/image_05270.jpg new file mode 100644 index 00000000..07589a2d Binary files /dev/null and b/flowers/test/28/image_05270.jpg differ diff --git a/flowers/test/28/image_05277.jpg b/flowers/test/28/image_05277.jpg new file mode 100644 index 00000000..88a400b9 Binary files /dev/null and b/flowers/test/28/image_05277.jpg differ diff --git a/flowers/test/29/image_04083.jpg b/flowers/test/29/image_04083.jpg new file mode 100644 index 00000000..0daec7d5 Binary files /dev/null and b/flowers/test/29/image_04083.jpg differ diff --git a/flowers/test/29/image_04090.jpg b/flowers/test/29/image_04090.jpg new file mode 100644 index 00000000..3ab05ee1 Binary files /dev/null and b/flowers/test/29/image_04090.jpg differ diff --git a/flowers/test/29/image_04095.jpg b/flowers/test/29/image_04095.jpg new file mode 100644 index 00000000..af268c3c Binary files /dev/null and b/flowers/test/29/image_04095.jpg differ diff --git a/flowers/test/29/image_04112.jpg b/flowers/test/29/image_04112.jpg new file mode 100644 index 00000000..9a315d9d Binary files /dev/null and b/flowers/test/29/image_04112.jpg differ diff --git a/flowers/test/29/image_04124.jpg b/flowers/test/29/image_04124.jpg new file mode 100644 index 00000000..f66e615c Binary files /dev/null and b/flowers/test/29/image_04124.jpg differ diff --git a/flowers/test/29/image_04137.jpg b/flowers/test/29/image_04137.jpg new file mode 100644 index 00000000..bfa54d37 Binary files /dev/null and b/flowers/test/29/image_04137.jpg differ diff --git a/flowers/test/29/image_04142.jpg b/flowers/test/29/image_04142.jpg new file mode 100644 index 00000000..33db05f6 Binary files /dev/null and b/flowers/test/29/image_04142.jpg differ diff --git a/flowers/test/29/image_04145.jpg b/flowers/test/29/image_04145.jpg new file mode 100644 index 00000000..d310a92c Binary files /dev/null and b/flowers/test/29/image_04145.jpg differ diff --git a/flowers/test/29/image_04146.jpg b/flowers/test/29/image_04146.jpg new file mode 100644 index 00000000..1e46b7b0 Binary files /dev/null and b/flowers/test/29/image_04146.jpg differ diff --git a/flowers/test/3/image_06634.jpg b/flowers/test/3/image_06634.jpg new file mode 100644 index 00000000..d237a17d Binary files /dev/null and b/flowers/test/3/image_06634.jpg differ diff --git a/flowers/test/3/image_06641.jpg b/flowers/test/3/image_06641.jpg new file mode 100644 index 00000000..ca0dcc9b Binary files /dev/null and b/flowers/test/3/image_06641.jpg differ diff --git a/flowers/test/30/image_03466.jpg b/flowers/test/30/image_03466.jpg new file mode 100644 index 00000000..07fc5fee Binary files /dev/null and b/flowers/test/30/image_03466.jpg differ diff --git a/flowers/test/30/image_03481.jpg b/flowers/test/30/image_03481.jpg new file mode 100644 index 00000000..3715fdf1 Binary files /dev/null and b/flowers/test/30/image_03481.jpg differ diff --git a/flowers/test/30/image_03482.jpg b/flowers/test/30/image_03482.jpg new file mode 100644 index 00000000..923a74ac Binary files /dev/null and b/flowers/test/30/image_03482.jpg differ diff --git a/flowers/test/30/image_03484.jpg b/flowers/test/30/image_03484.jpg new file mode 100644 index 00000000..3806748c Binary files /dev/null and b/flowers/test/30/image_03484.jpg differ diff --git a/flowers/test/30/image_03488.jpg b/flowers/test/30/image_03488.jpg new file mode 100644 index 00000000..428ca66c Binary files /dev/null and b/flowers/test/30/image_03488.jpg differ diff --git a/flowers/test/30/image_03489.jpg b/flowers/test/30/image_03489.jpg new file mode 100644 index 00000000..7651cce2 Binary files /dev/null and b/flowers/test/30/image_03489.jpg differ diff --git a/flowers/test/30/image_03506.jpg b/flowers/test/30/image_03506.jpg new file mode 100644 index 00000000..e1a04549 Binary files /dev/null and b/flowers/test/30/image_03506.jpg differ diff --git a/flowers/test/30/image_03509.jpg b/flowers/test/30/image_03509.jpg new file mode 100644 index 00000000..c8881b82 Binary files /dev/null and b/flowers/test/30/image_03509.jpg differ diff --git a/flowers/test/30/image_03510.jpg b/flowers/test/30/image_03510.jpg new file mode 100644 index 00000000..67b1c273 Binary files /dev/null and b/flowers/test/30/image_03510.jpg differ diff --git a/flowers/test/30/image_03512.jpg b/flowers/test/30/image_03512.jpg new file mode 100644 index 00000000..118d5405 Binary files /dev/null and b/flowers/test/30/image_03512.jpg differ diff --git a/flowers/test/30/image_03528.jpg b/flowers/test/30/image_03528.jpg new file mode 100644 index 00000000..40ead9bb Binary files /dev/null and b/flowers/test/30/image_03528.jpg differ diff --git a/flowers/test/30/image_03538.jpg b/flowers/test/30/image_03538.jpg new file mode 100644 index 00000000..afaabedd Binary files /dev/null and b/flowers/test/30/image_03538.jpg differ diff --git a/flowers/test/30/image_03541.jpg b/flowers/test/30/image_03541.jpg new file mode 100644 index 00000000..9bd6cc37 Binary files /dev/null and b/flowers/test/30/image_03541.jpg differ diff --git a/flowers/test/30/image_03542.jpg b/flowers/test/30/image_03542.jpg new file mode 100644 index 00000000..eecc03b2 Binary files /dev/null and b/flowers/test/30/image_03542.jpg differ diff --git a/flowers/test/31/image_06903.jpg b/flowers/test/31/image_06903.jpg new file mode 100644 index 00000000..81f048a7 Binary files /dev/null and b/flowers/test/31/image_06903.jpg differ diff --git a/flowers/test/31/image_08070.jpg b/flowers/test/31/image_08070.jpg new file mode 100644 index 00000000..fc27dd21 Binary files /dev/null and b/flowers/test/31/image_08070.jpg differ diff --git a/flowers/test/32/image_05591.jpg b/flowers/test/32/image_05591.jpg new file mode 100644 index 00000000..0050a61b Binary files /dev/null and b/flowers/test/32/image_05591.jpg differ diff --git a/flowers/test/32/image_05592.jpg b/flowers/test/32/image_05592.jpg new file mode 100644 index 00000000..aeee15d7 Binary files /dev/null and b/flowers/test/32/image_05592.jpg differ diff --git a/flowers/test/32/image_05595.jpg b/flowers/test/32/image_05595.jpg new file mode 100644 index 00000000..f2f178f6 Binary files /dev/null and b/flowers/test/32/image_05595.jpg differ diff --git a/flowers/test/32/image_05602.jpg b/flowers/test/32/image_05602.jpg new file mode 100644 index 00000000..122d7c4f Binary files /dev/null and b/flowers/test/32/image_05602.jpg differ diff --git a/flowers/test/32/image_05610.jpg b/flowers/test/32/image_05610.jpg new file mode 100644 index 00000000..f4b31357 Binary files /dev/null and b/flowers/test/32/image_05610.jpg differ diff --git a/flowers/test/32/image_05614.jpg b/flowers/test/32/image_05614.jpg new file mode 100644 index 00000000..7f232638 Binary files /dev/null and b/flowers/test/32/image_05614.jpg differ diff --git a/flowers/test/33/image_06454.jpg b/flowers/test/33/image_06454.jpg new file mode 100644 index 00000000..b5e5ca05 Binary files /dev/null and b/flowers/test/33/image_06454.jpg differ diff --git a/flowers/test/33/image_06456.jpg b/flowers/test/33/image_06456.jpg new file mode 100644 index 00000000..3d63202b Binary files /dev/null and b/flowers/test/33/image_06456.jpg differ diff --git a/flowers/test/33/image_06457.jpg b/flowers/test/33/image_06457.jpg new file mode 100644 index 00000000..553816b1 Binary files /dev/null and b/flowers/test/33/image_06457.jpg differ diff --git a/flowers/test/33/image_06460.jpg b/flowers/test/33/image_06460.jpg new file mode 100644 index 00000000..d15795cb Binary files /dev/null and b/flowers/test/33/image_06460.jpg differ diff --git a/flowers/test/33/image_06470.jpg b/flowers/test/33/image_06470.jpg new file mode 100644 index 00000000..d5bcf207 Binary files /dev/null and b/flowers/test/33/image_06470.jpg differ diff --git a/flowers/test/33/image_06478.jpg b/flowers/test/33/image_06478.jpg new file mode 100644 index 00000000..0e0ab7f7 Binary files /dev/null and b/flowers/test/33/image_06478.jpg differ diff --git a/flowers/test/33/image_06479.jpg b/flowers/test/33/image_06479.jpg new file mode 100644 index 00000000..904aacf9 Binary files /dev/null and b/flowers/test/33/image_06479.jpg differ diff --git a/flowers/test/33/image_06486.jpg b/flowers/test/33/image_06486.jpg new file mode 100644 index 00000000..5d360131 Binary files /dev/null and b/flowers/test/33/image_06486.jpg differ diff --git a/flowers/test/34/image_06929.jpg b/flowers/test/34/image_06929.jpg new file mode 100644 index 00000000..96dd9051 Binary files /dev/null and b/flowers/test/34/image_06929.jpg differ diff --git a/flowers/test/34/image_06933.jpg b/flowers/test/34/image_06933.jpg new file mode 100644 index 00000000..86d3b13e Binary files /dev/null and b/flowers/test/34/image_06933.jpg differ diff --git a/flowers/test/34/image_06941.jpg b/flowers/test/34/image_06941.jpg new file mode 100644 index 00000000..34ffec42 Binary files /dev/null and b/flowers/test/34/image_06941.jpg differ diff --git a/flowers/test/34/image_06954.jpg b/flowers/test/34/image_06954.jpg new file mode 100644 index 00000000..5d336ed0 Binary files /dev/null and b/flowers/test/34/image_06954.jpg differ diff --git a/flowers/test/34/image_06961.jpg b/flowers/test/34/image_06961.jpg new file mode 100644 index 00000000..60cf52c3 Binary files /dev/null and b/flowers/test/34/image_06961.jpg differ diff --git a/flowers/test/35/image_06984.jpg b/flowers/test/35/image_06984.jpg new file mode 100644 index 00000000..49730a53 Binary files /dev/null and b/flowers/test/35/image_06984.jpg differ diff --git a/flowers/test/35/image_06986.jpg b/flowers/test/35/image_06986.jpg new file mode 100644 index 00000000..056c6d81 Binary files /dev/null and b/flowers/test/35/image_06986.jpg differ diff --git a/flowers/test/35/image_06992.jpg b/flowers/test/35/image_06992.jpg new file mode 100644 index 00000000..14010531 Binary files /dev/null and b/flowers/test/35/image_06992.jpg differ diff --git a/flowers/test/35/image_07006.jpg b/flowers/test/35/image_07006.jpg new file mode 100644 index 00000000..4a0057f9 Binary files /dev/null and b/flowers/test/35/image_07006.jpg differ diff --git a/flowers/test/35/image_08084.jpg b/flowers/test/35/image_08084.jpg new file mode 100644 index 00000000..b5836689 Binary files /dev/null and b/flowers/test/35/image_08084.jpg differ diff --git a/flowers/test/35/image_08088.jpg b/flowers/test/35/image_08088.jpg new file mode 100644 index 00000000..d2178b38 Binary files /dev/null and b/flowers/test/35/image_08088.jpg differ diff --git a/flowers/test/36/image_04334.jpg b/flowers/test/36/image_04334.jpg new file mode 100644 index 00000000..fb9a4550 Binary files /dev/null and b/flowers/test/36/image_04334.jpg differ diff --git a/flowers/test/36/image_04344.jpg b/flowers/test/36/image_04344.jpg new file mode 100644 index 00000000..94d4cf38 Binary files /dev/null and b/flowers/test/36/image_04344.jpg differ diff --git a/flowers/test/36/image_04364.jpg b/flowers/test/36/image_04364.jpg new file mode 100644 index 00000000..a8bd4791 Binary files /dev/null and b/flowers/test/36/image_04364.jpg differ diff --git a/flowers/test/36/image_04373.jpg b/flowers/test/36/image_04373.jpg new file mode 100644 index 00000000..6e83d414 Binary files /dev/null and b/flowers/test/36/image_04373.jpg differ diff --git a/flowers/test/36/image_04382.jpg b/flowers/test/36/image_04382.jpg new file mode 100644 index 00000000..ae6467cc Binary files /dev/null and b/flowers/test/36/image_04382.jpg differ diff --git a/flowers/test/36/image_04392.jpg b/flowers/test/36/image_04392.jpg new file mode 100644 index 00000000..b3dda6c1 Binary files /dev/null and b/flowers/test/36/image_04392.jpg differ diff --git a/flowers/test/36/image_04400.jpg b/flowers/test/36/image_04400.jpg new file mode 100644 index 00000000..a1d4ffc5 Binary files /dev/null and b/flowers/test/36/image_04400.jpg differ diff --git a/flowers/test/37/image_03734.jpg b/flowers/test/37/image_03734.jpg new file mode 100644 index 00000000..d3e2ce9d Binary files /dev/null and b/flowers/test/37/image_03734.jpg differ diff --git a/flowers/test/37/image_03741.jpg b/flowers/test/37/image_03741.jpg new file mode 100644 index 00000000..4920ee9b Binary files /dev/null and b/flowers/test/37/image_03741.jpg differ diff --git a/flowers/test/37/image_03783.jpg b/flowers/test/37/image_03783.jpg new file mode 100644 index 00000000..fc2856f6 Binary files /dev/null and b/flowers/test/37/image_03783.jpg differ diff --git a/flowers/test/37/image_03789.jpg b/flowers/test/37/image_03789.jpg new file mode 100644 index 00000000..c672e552 Binary files /dev/null and b/flowers/test/37/image_03789.jpg differ diff --git a/flowers/test/37/image_03807.jpg b/flowers/test/37/image_03807.jpg new file mode 100644 index 00000000..6d4c0672 Binary files /dev/null and b/flowers/test/37/image_03807.jpg differ diff --git a/flowers/test/37/image_03811.jpg b/flowers/test/37/image_03811.jpg new file mode 100644 index 00000000..7d534ead Binary files /dev/null and b/flowers/test/37/image_03811.jpg differ diff --git a/flowers/test/37/image_03815.jpg b/flowers/test/37/image_03815.jpg new file mode 100644 index 00000000..c6e3cb21 Binary files /dev/null and b/flowers/test/37/image_03815.jpg differ diff --git a/flowers/test/37/image_03821.jpg b/flowers/test/37/image_03821.jpg new file mode 100644 index 00000000..33ddb582 Binary files /dev/null and b/flowers/test/37/image_03821.jpg differ diff --git a/flowers/test/38/image_05796.jpg b/flowers/test/38/image_05796.jpg new file mode 100644 index 00000000..4d4ec544 Binary files /dev/null and b/flowers/test/38/image_05796.jpg differ diff --git a/flowers/test/38/image_05797.jpg b/flowers/test/38/image_05797.jpg new file mode 100644 index 00000000..d4b2c155 Binary files /dev/null and b/flowers/test/38/image_05797.jpg differ diff --git a/flowers/test/38/image_05799.jpg b/flowers/test/38/image_05799.jpg new file mode 100644 index 00000000..32e865f1 Binary files /dev/null and b/flowers/test/38/image_05799.jpg differ diff --git a/flowers/test/38/image_05806.jpg b/flowers/test/38/image_05806.jpg new file mode 100644 index 00000000..befe2393 Binary files /dev/null and b/flowers/test/38/image_05806.jpg differ diff --git a/flowers/test/38/image_05812.jpg b/flowers/test/38/image_05812.jpg new file mode 100644 index 00000000..b4069f66 Binary files /dev/null and b/flowers/test/38/image_05812.jpg differ diff --git a/flowers/test/38/image_05824.jpg b/flowers/test/38/image_05824.jpg new file mode 100644 index 00000000..5be02c50 Binary files /dev/null and b/flowers/test/38/image_05824.jpg differ diff --git a/flowers/test/38/image_05825.jpg b/flowers/test/38/image_05825.jpg new file mode 100644 index 00000000..0e6afedb Binary files /dev/null and b/flowers/test/38/image_05825.jpg differ diff --git a/flowers/test/38/image_05833.jpg b/flowers/test/38/image_05833.jpg new file mode 100644 index 00000000..c1f83500 Binary files /dev/null and b/flowers/test/38/image_05833.jpg differ diff --git a/flowers/test/39/image_07010.jpg b/flowers/test/39/image_07010.jpg new file mode 100644 index 00000000..e22a46fd Binary files /dev/null and b/flowers/test/39/image_07010.jpg differ diff --git a/flowers/test/39/image_07016.jpg b/flowers/test/39/image_07016.jpg new file mode 100644 index 00000000..5957d5eb Binary files /dev/null and b/flowers/test/39/image_07016.jpg differ diff --git a/flowers/test/39/image_07018.jpg b/flowers/test/39/image_07018.jpg new file mode 100644 index 00000000..d59d3697 Binary files /dev/null and b/flowers/test/39/image_07018.jpg differ diff --git a/flowers/test/39/image_07035.jpg b/flowers/test/39/image_07035.jpg new file mode 100644 index 00000000..5f2230a5 Binary files /dev/null and b/flowers/test/39/image_07035.jpg differ diff --git a/flowers/test/39/image_07043.jpg b/flowers/test/39/image_07043.jpg new file mode 100644 index 00000000..1821cc62 Binary files /dev/null and b/flowers/test/39/image_07043.jpg differ diff --git a/flowers/test/4/image_05636.jpg b/flowers/test/4/image_05636.jpg new file mode 100644 index 00000000..947768c2 Binary files /dev/null and b/flowers/test/4/image_05636.jpg differ diff --git a/flowers/test/4/image_05637.jpg b/flowers/test/4/image_05637.jpg new file mode 100644 index 00000000..ab4e3e2f Binary files /dev/null and b/flowers/test/4/image_05637.jpg differ diff --git a/flowers/test/4/image_05640.jpg b/flowers/test/4/image_05640.jpg new file mode 100644 index 00000000..2492f57a Binary files /dev/null and b/flowers/test/4/image_05640.jpg differ diff --git a/flowers/test/4/image_05653.jpg b/flowers/test/4/image_05653.jpg new file mode 100644 index 00000000..05c42718 Binary files /dev/null and b/flowers/test/4/image_05653.jpg differ diff --git a/flowers/test/4/image_05658.jpg b/flowers/test/4/image_05658.jpg new file mode 100644 index 00000000..969580ca Binary files /dev/null and b/flowers/test/4/image_05658.jpg differ diff --git a/flowers/test/4/image_05678.jpg b/flowers/test/4/image_05678.jpg new file mode 100644 index 00000000..e1d4cd7a Binary files /dev/null and b/flowers/test/4/image_05678.jpg differ diff --git a/flowers/test/40/image_04563.jpg b/flowers/test/40/image_04563.jpg new file mode 100644 index 00000000..84156d57 Binary files /dev/null and b/flowers/test/40/image_04563.jpg differ diff --git a/flowers/test/40/image_04568.jpg b/flowers/test/40/image_04568.jpg new file mode 100644 index 00000000..14199e11 Binary files /dev/null and b/flowers/test/40/image_04568.jpg differ diff --git a/flowers/test/40/image_04573.jpg b/flowers/test/40/image_04573.jpg new file mode 100644 index 00000000..110d93ec Binary files /dev/null and b/flowers/test/40/image_04573.jpg differ diff --git a/flowers/test/40/image_04582.jpg b/flowers/test/40/image_04582.jpg new file mode 100644 index 00000000..7fdb2d25 Binary files /dev/null and b/flowers/test/40/image_04582.jpg differ diff --git a/flowers/test/40/image_04586.jpg b/flowers/test/40/image_04586.jpg new file mode 100644 index 00000000..ebb736fc Binary files /dev/null and b/flowers/test/40/image_04586.jpg differ diff --git a/flowers/test/40/image_04587.jpg b/flowers/test/40/image_04587.jpg new file mode 100644 index 00000000..dc8fcc55 Binary files /dev/null and b/flowers/test/40/image_04587.jpg differ diff --git a/flowers/test/40/image_04588.jpg b/flowers/test/40/image_04588.jpg new file mode 100644 index 00000000..9385df65 Binary files /dev/null and b/flowers/test/40/image_04588.jpg differ diff --git a/flowers/test/40/image_04609.jpg b/flowers/test/40/image_04609.jpg new file mode 100644 index 00000000..6f00a7a1 Binary files /dev/null and b/flowers/test/40/image_04609.jpg differ diff --git a/flowers/test/41/image_02193.jpg b/flowers/test/41/image_02193.jpg new file mode 100644 index 00000000..346f0cd1 Binary files /dev/null and b/flowers/test/41/image_02193.jpg differ diff --git a/flowers/test/41/image_02200.jpg b/flowers/test/41/image_02200.jpg new file mode 100644 index 00000000..fda31b5b Binary files /dev/null and b/flowers/test/41/image_02200.jpg differ diff --git a/flowers/test/41/image_02222.jpg b/flowers/test/41/image_02222.jpg new file mode 100644 index 00000000..3d16aff8 Binary files /dev/null and b/flowers/test/41/image_02222.jpg differ diff --git a/flowers/test/41/image_02237.jpg b/flowers/test/41/image_02237.jpg new file mode 100644 index 00000000..b2c880f6 Binary files /dev/null and b/flowers/test/41/image_02237.jpg differ diff --git a/flowers/test/41/image_02245.jpg b/flowers/test/41/image_02245.jpg new file mode 100644 index 00000000..dffb8c01 Binary files /dev/null and b/flowers/test/41/image_02245.jpg differ diff --git a/flowers/test/41/image_02251.jpg b/flowers/test/41/image_02251.jpg new file mode 100644 index 00000000..4e6bd529 Binary files /dev/null and b/flowers/test/41/image_02251.jpg differ diff --git a/flowers/test/41/image_02257.jpg b/flowers/test/41/image_02257.jpg new file mode 100644 index 00000000..b9e407e7 Binary files /dev/null and b/flowers/test/41/image_02257.jpg differ diff --git a/flowers/test/41/image_02261.jpg b/flowers/test/41/image_02261.jpg new file mode 100644 index 00000000..8d986ae7 Binary files /dev/null and b/flowers/test/41/image_02261.jpg differ diff --git a/flowers/test/41/image_02263.jpg b/flowers/test/41/image_02263.jpg new file mode 100644 index 00000000..0ce3b4d0 Binary files /dev/null and b/flowers/test/41/image_02263.jpg differ diff --git a/flowers/test/41/image_02266.jpg b/flowers/test/41/image_02266.jpg new file mode 100644 index 00000000..8b686b59 Binary files /dev/null and b/flowers/test/41/image_02266.jpg differ diff --git a/flowers/test/41/image_02270.jpg b/flowers/test/41/image_02270.jpg new file mode 100644 index 00000000..400488dd Binary files /dev/null and b/flowers/test/41/image_02270.jpg differ diff --git a/flowers/test/41/image_02302.jpg b/flowers/test/41/image_02302.jpg new file mode 100644 index 00000000..2dab3cbf Binary files /dev/null and b/flowers/test/41/image_02302.jpg differ diff --git a/flowers/test/41/image_02305.jpg b/flowers/test/41/image_02305.jpg new file mode 100644 index 00000000..86ec2cae Binary files /dev/null and b/flowers/test/41/image_02305.jpg differ diff --git a/flowers/test/41/image_02306.jpg b/flowers/test/41/image_02306.jpg new file mode 100644 index 00000000..41499acb Binary files /dev/null and b/flowers/test/41/image_02306.jpg differ diff --git a/flowers/test/42/image_05696.jpg b/flowers/test/42/image_05696.jpg new file mode 100644 index 00000000..f677726f Binary files /dev/null and b/flowers/test/42/image_05696.jpg differ diff --git a/flowers/test/42/image_05711.jpg b/flowers/test/42/image_05711.jpg new file mode 100644 index 00000000..c6bf8136 Binary files /dev/null and b/flowers/test/42/image_05711.jpg differ diff --git a/flowers/test/42/image_05730.jpg b/flowers/test/42/image_05730.jpg new file mode 100644 index 00000000..6d7ef33e Binary files /dev/null and b/flowers/test/42/image_05730.jpg differ diff --git a/flowers/test/42/image_05731.jpg b/flowers/test/42/image_05731.jpg new file mode 100644 index 00000000..34830553 Binary files /dev/null and b/flowers/test/42/image_05731.jpg differ diff --git a/flowers/test/43/image_02329.jpg b/flowers/test/43/image_02329.jpg new file mode 100644 index 00000000..8eb1c126 Binary files /dev/null and b/flowers/test/43/image_02329.jpg differ diff --git a/flowers/test/43/image_02335.jpg b/flowers/test/43/image_02335.jpg new file mode 100644 index 00000000..95be9c91 Binary files /dev/null and b/flowers/test/43/image_02335.jpg differ diff --git a/flowers/test/43/image_02346.jpg b/flowers/test/43/image_02346.jpg new file mode 100644 index 00000000..9d5a77cc Binary files /dev/null and b/flowers/test/43/image_02346.jpg differ diff --git a/flowers/test/43/image_02349.jpg b/flowers/test/43/image_02349.jpg new file mode 100644 index 00000000..954b412f Binary files /dev/null and b/flowers/test/43/image_02349.jpg differ diff --git a/flowers/test/43/image_02365.jpg b/flowers/test/43/image_02365.jpg new file mode 100644 index 00000000..c701d7f7 Binary files /dev/null and b/flowers/test/43/image_02365.jpg differ diff --git a/flowers/test/43/image_02369.jpg b/flowers/test/43/image_02369.jpg new file mode 100644 index 00000000..40634cb2 Binary files /dev/null and b/flowers/test/43/image_02369.jpg differ diff --git a/flowers/test/43/image_02370.jpg b/flowers/test/43/image_02370.jpg new file mode 100644 index 00000000..0b9d47b4 Binary files /dev/null and b/flowers/test/43/image_02370.jpg differ diff --git a/flowers/test/43/image_02371.jpg b/flowers/test/43/image_02371.jpg new file mode 100644 index 00000000..a63b7d1b Binary files /dev/null and b/flowers/test/43/image_02371.jpg differ diff --git a/flowers/test/43/image_02386.jpg b/flowers/test/43/image_02386.jpg new file mode 100644 index 00000000..e2d3bf49 Binary files /dev/null and b/flowers/test/43/image_02386.jpg differ diff --git a/flowers/test/43/image_02394.jpg b/flowers/test/43/image_02394.jpg new file mode 100644 index 00000000..3a9f5341 Binary files /dev/null and b/flowers/test/43/image_02394.jpg differ diff --git a/flowers/test/43/image_02400.jpg b/flowers/test/43/image_02400.jpg new file mode 100644 index 00000000..fb34dfe5 Binary files /dev/null and b/flowers/test/43/image_02400.jpg differ diff --git a/flowers/test/43/image_02412.jpg b/flowers/test/43/image_02412.jpg new file mode 100644 index 00000000..798fe940 Binary files /dev/null and b/flowers/test/43/image_02412.jpg differ diff --git a/flowers/test/43/image_02426.jpg b/flowers/test/43/image_02426.jpg new file mode 100644 index 00000000..b02cd6ae Binary files /dev/null and b/flowers/test/43/image_02426.jpg differ diff --git a/flowers/test/43/image_02431.jpg b/flowers/test/43/image_02431.jpg new file mode 100644 index 00000000..3dd137e0 Binary files /dev/null and b/flowers/test/43/image_02431.jpg differ diff --git a/flowers/test/43/image_02433.jpg b/flowers/test/43/image_02433.jpg new file mode 100644 index 00000000..8e9cd4a6 Binary files /dev/null and b/flowers/test/43/image_02433.jpg differ diff --git a/flowers/test/43/image_02435.jpg b/flowers/test/43/image_02435.jpg new file mode 100644 index 00000000..2157de49 Binary files /dev/null and b/flowers/test/43/image_02435.jpg differ diff --git a/flowers/test/44/image_01502.jpg b/flowers/test/44/image_01502.jpg new file mode 100644 index 00000000..11dd9897 Binary files /dev/null and b/flowers/test/44/image_01502.jpg differ diff --git a/flowers/test/44/image_01512.jpg b/flowers/test/44/image_01512.jpg new file mode 100644 index 00000000..b72f4ec2 Binary files /dev/null and b/flowers/test/44/image_01512.jpg differ diff --git a/flowers/test/44/image_01515.jpg b/flowers/test/44/image_01515.jpg new file mode 100644 index 00000000..e04432c1 Binary files /dev/null and b/flowers/test/44/image_01515.jpg differ diff --git a/flowers/test/44/image_01516.jpg b/flowers/test/44/image_01516.jpg new file mode 100644 index 00000000..adfe8b62 Binary files /dev/null and b/flowers/test/44/image_01516.jpg differ diff --git a/flowers/test/44/image_01518.jpg b/flowers/test/44/image_01518.jpg new file mode 100644 index 00000000..113ba971 Binary files /dev/null and b/flowers/test/44/image_01518.jpg differ diff --git a/flowers/test/44/image_01527.jpg b/flowers/test/44/image_01527.jpg new file mode 100644 index 00000000..b3d4fb6e Binary files /dev/null and b/flowers/test/44/image_01527.jpg differ diff --git a/flowers/test/44/image_01530.jpg b/flowers/test/44/image_01530.jpg new file mode 100644 index 00000000..160fdfe8 Binary files /dev/null and b/flowers/test/44/image_01530.jpg differ diff --git a/flowers/test/44/image_01548.jpg b/flowers/test/44/image_01548.jpg new file mode 100644 index 00000000..adc43d85 Binary files /dev/null and b/flowers/test/44/image_01548.jpg differ diff --git a/flowers/test/44/image_01560.jpg b/flowers/test/44/image_01560.jpg new file mode 100644 index 00000000..b3632d9c Binary files /dev/null and b/flowers/test/44/image_01560.jpg differ diff --git a/flowers/test/44/image_01564.jpg b/flowers/test/44/image_01564.jpg new file mode 100644 index 00000000..59af3311 Binary files /dev/null and b/flowers/test/44/image_01564.jpg differ diff --git a/flowers/test/44/image_01578.jpg b/flowers/test/44/image_01578.jpg new file mode 100644 index 00000000..b934141b Binary files /dev/null and b/flowers/test/44/image_01578.jpg differ diff --git a/flowers/test/45/image_07139.jpg b/flowers/test/45/image_07139.jpg new file mode 100644 index 00000000..e6b4e719 Binary files /dev/null and b/flowers/test/45/image_07139.jpg differ diff --git a/flowers/test/45/image_07140.jpg b/flowers/test/45/image_07140.jpg new file mode 100644 index 00000000..bbeb0a95 Binary files /dev/null and b/flowers/test/45/image_07140.jpg differ diff --git a/flowers/test/45/image_07142.jpg b/flowers/test/45/image_07142.jpg new file mode 100644 index 00000000..83108f18 Binary files /dev/null and b/flowers/test/45/image_07142.jpg differ diff --git a/flowers/test/46/image_00958.jpg b/flowers/test/46/image_00958.jpg new file mode 100644 index 00000000..56ef7be8 Binary files /dev/null and b/flowers/test/46/image_00958.jpg differ diff --git a/flowers/test/46/image_00961.jpg b/flowers/test/46/image_00961.jpg new file mode 100644 index 00000000..90b342bc Binary files /dev/null and b/flowers/test/46/image_00961.jpg differ diff --git a/flowers/test/46/image_00969.jpg b/flowers/test/46/image_00969.jpg new file mode 100644 index 00000000..9a166b3d Binary files /dev/null and b/flowers/test/46/image_00969.jpg differ diff --git a/flowers/test/46/image_00970.jpg b/flowers/test/46/image_00970.jpg new file mode 100644 index 00000000..773d3891 Binary files /dev/null and b/flowers/test/46/image_00970.jpg differ diff --git a/flowers/test/46/image_00976.jpg b/flowers/test/46/image_00976.jpg new file mode 100644 index 00000000..d027e5c3 Binary files /dev/null and b/flowers/test/46/image_00976.jpg differ diff --git a/flowers/test/46/image_00990.jpg b/flowers/test/46/image_00990.jpg new file mode 100644 index 00000000..4cbce938 Binary files /dev/null and b/flowers/test/46/image_00990.jpg differ diff --git a/flowers/test/46/image_00996.jpg b/flowers/test/46/image_00996.jpg new file mode 100644 index 00000000..5ee3bc88 Binary files /dev/null and b/flowers/test/46/image_00996.jpg differ diff --git a/flowers/test/46/image_00999.jpg b/flowers/test/46/image_00999.jpg new file mode 100644 index 00000000..96c75c92 Binary files /dev/null and b/flowers/test/46/image_00999.jpg differ diff --git a/flowers/test/46/image_01003.jpg b/flowers/test/46/image_01003.jpg new file mode 100644 index 00000000..884e9123 Binary files /dev/null and b/flowers/test/46/image_01003.jpg differ diff --git a/flowers/test/46/image_01026.jpg b/flowers/test/46/image_01026.jpg new file mode 100644 index 00000000..301d3672 Binary files /dev/null and b/flowers/test/46/image_01026.jpg differ diff --git a/flowers/test/46/image_01038.jpg b/flowers/test/46/image_01038.jpg new file mode 100644 index 00000000..878a303f Binary files /dev/null and b/flowers/test/46/image_01038.jpg differ diff --git a/flowers/test/46/image_01061.jpg b/flowers/test/46/image_01061.jpg new file mode 100644 index 00000000..4f223bda Binary files /dev/null and b/flowers/test/46/image_01061.jpg differ diff --git a/flowers/test/46/image_01071.jpg b/flowers/test/46/image_01071.jpg new file mode 100644 index 00000000..45dbab03 Binary files /dev/null and b/flowers/test/46/image_01071.jpg differ diff --git a/flowers/test/46/image_01077.jpg b/flowers/test/46/image_01077.jpg new file mode 100644 index 00000000..35de94a7 Binary files /dev/null and b/flowers/test/46/image_01077.jpg differ diff --git a/flowers/test/46/image_01078.jpg b/flowers/test/46/image_01078.jpg new file mode 100644 index 00000000..336ff9ef Binary files /dev/null and b/flowers/test/46/image_01078.jpg differ diff --git a/flowers/test/46/image_01090.jpg b/flowers/test/46/image_01090.jpg new file mode 100644 index 00000000..445d0950 Binary files /dev/null and b/flowers/test/46/image_01090.jpg differ diff --git a/flowers/test/46/image_01092.jpg b/flowers/test/46/image_01092.jpg new file mode 100644 index 00000000..e1097e8e Binary files /dev/null and b/flowers/test/46/image_01092.jpg differ diff --git a/flowers/test/46/image_01109.jpg b/flowers/test/46/image_01109.jpg new file mode 100644 index 00000000..ca5165f9 Binary files /dev/null and b/flowers/test/46/image_01109.jpg differ diff --git a/flowers/test/46/image_01115.jpg b/flowers/test/46/image_01115.jpg new file mode 100644 index 00000000..acee7303 Binary files /dev/null and b/flowers/test/46/image_01115.jpg differ diff --git a/flowers/test/46/image_01119.jpg b/flowers/test/46/image_01119.jpg new file mode 100644 index 00000000..a121563f Binary files /dev/null and b/flowers/test/46/image_01119.jpg differ diff --git a/flowers/test/46/image_01125.jpg b/flowers/test/46/image_01125.jpg new file mode 100644 index 00000000..da407835 Binary files /dev/null and b/flowers/test/46/image_01125.jpg differ diff --git a/flowers/test/47/image_04966.jpg b/flowers/test/47/image_04966.jpg new file mode 100644 index 00000000..5c713d5e Binary files /dev/null and b/flowers/test/47/image_04966.jpg differ diff --git a/flowers/test/47/image_04993.jpg b/flowers/test/47/image_04993.jpg new file mode 100644 index 00000000..4a6b70e4 Binary files /dev/null and b/flowers/test/47/image_04993.jpg differ diff --git a/flowers/test/47/image_05013.jpg b/flowers/test/47/image_05013.jpg new file mode 100644 index 00000000..6138634f Binary files /dev/null and b/flowers/test/47/image_05013.jpg differ diff --git a/flowers/test/48/image_04627.jpg b/flowers/test/48/image_04627.jpg new file mode 100644 index 00000000..08b55ae4 Binary files /dev/null and b/flowers/test/48/image_04627.jpg differ diff --git a/flowers/test/48/image_04663.jpg b/flowers/test/48/image_04663.jpg new file mode 100644 index 00000000..2c6b0923 Binary files /dev/null and b/flowers/test/48/image_04663.jpg differ diff --git a/flowers/test/48/image_04665.jpg b/flowers/test/48/image_04665.jpg new file mode 100644 index 00000000..547d1528 Binary files /dev/null and b/flowers/test/48/image_04665.jpg differ diff --git a/flowers/test/48/image_04667.jpg b/flowers/test/48/image_04667.jpg new file mode 100644 index 00000000..d94c5dc7 Binary files /dev/null and b/flowers/test/48/image_04667.jpg differ diff --git a/flowers/test/48/image_04671.jpg b/flowers/test/48/image_04671.jpg new file mode 100644 index 00000000..121fbbf2 Binary files /dev/null and b/flowers/test/48/image_04671.jpg differ diff --git a/flowers/test/49/image_06202.jpg b/flowers/test/49/image_06202.jpg new file mode 100644 index 00000000..d2076a97 Binary files /dev/null and b/flowers/test/49/image_06202.jpg differ diff --git a/flowers/test/49/image_06213.jpg b/flowers/test/49/image_06213.jpg new file mode 100644 index 00000000..97de495c Binary files /dev/null and b/flowers/test/49/image_06213.jpg differ diff --git a/flowers/test/49/image_06215.jpg b/flowers/test/49/image_06215.jpg new file mode 100644 index 00000000..5cf6b6e3 Binary files /dev/null and b/flowers/test/49/image_06215.jpg differ diff --git a/flowers/test/5/image_05159.jpg b/flowers/test/5/image_05159.jpg new file mode 100644 index 00000000..b5ee57f4 Binary files /dev/null and b/flowers/test/5/image_05159.jpg differ diff --git a/flowers/test/5/image_05166.jpg b/flowers/test/5/image_05166.jpg new file mode 100644 index 00000000..c4cbf515 Binary files /dev/null and b/flowers/test/5/image_05166.jpg differ diff --git a/flowers/test/5/image_05169.jpg b/flowers/test/5/image_05169.jpg new file mode 100644 index 00000000..69f2fe4c Binary files /dev/null and b/flowers/test/5/image_05169.jpg differ diff --git a/flowers/test/5/image_05186.jpg b/flowers/test/5/image_05186.jpg new file mode 100644 index 00000000..4dd969a2 Binary files /dev/null and b/flowers/test/5/image_05186.jpg differ diff --git a/flowers/test/50/image_06297.jpg b/flowers/test/50/image_06297.jpg new file mode 100644 index 00000000..cd6f99fc Binary files /dev/null and b/flowers/test/50/image_06297.jpg differ diff --git a/flowers/test/50/image_06318.jpg b/flowers/test/50/image_06318.jpg new file mode 100644 index 00000000..81e47ada Binary files /dev/null and b/flowers/test/50/image_06318.jpg differ diff --git a/flowers/test/50/image_06319.jpg b/flowers/test/50/image_06319.jpg new file mode 100644 index 00000000..bc10e631 Binary files /dev/null and b/flowers/test/50/image_06319.jpg differ diff --git a/flowers/test/50/image_06320.jpg b/flowers/test/50/image_06320.jpg new file mode 100644 index 00000000..255ea30c Binary files /dev/null and b/flowers/test/50/image_06320.jpg differ diff --git a/flowers/test/50/image_06321.jpg b/flowers/test/50/image_06321.jpg new file mode 100644 index 00000000..58503581 Binary files /dev/null and b/flowers/test/50/image_06321.jpg differ diff --git a/flowers/test/50/image_06541.jpg b/flowers/test/50/image_06541.jpg new file mode 100644 index 00000000..52229d8c Binary files /dev/null and b/flowers/test/50/image_06541.jpg differ diff --git a/flowers/test/50/image_06546.jpg b/flowers/test/50/image_06546.jpg new file mode 100644 index 00000000..80e5af0a Binary files /dev/null and b/flowers/test/50/image_06546.jpg differ diff --git a/flowers/test/50/image_06547.jpg b/flowers/test/50/image_06547.jpg new file mode 100644 index 00000000..28a3d688 Binary files /dev/null and b/flowers/test/50/image_06547.jpg differ diff --git a/flowers/test/51/image_01314.jpg b/flowers/test/51/image_01314.jpg new file mode 100644 index 00000000..f778ad91 Binary files /dev/null and b/flowers/test/51/image_01314.jpg differ diff --git a/flowers/test/51/image_01316.jpg b/flowers/test/51/image_01316.jpg new file mode 100644 index 00000000..b42084d6 Binary files /dev/null and b/flowers/test/51/image_01316.jpg differ diff --git a/flowers/test/51/image_01328.jpg b/flowers/test/51/image_01328.jpg new file mode 100644 index 00000000..18ef8091 Binary files /dev/null and b/flowers/test/51/image_01328.jpg differ diff --git a/flowers/test/51/image_01335.jpg b/flowers/test/51/image_01335.jpg new file mode 100644 index 00000000..600e0740 Binary files /dev/null and b/flowers/test/51/image_01335.jpg differ diff --git a/flowers/test/51/image_01340.jpg b/flowers/test/51/image_01340.jpg new file mode 100644 index 00000000..6ad65400 Binary files /dev/null and b/flowers/test/51/image_01340.jpg differ diff --git a/flowers/test/51/image_01362.jpg b/flowers/test/51/image_01362.jpg new file mode 100644 index 00000000..526ce660 Binary files /dev/null and b/flowers/test/51/image_01362.jpg differ diff --git a/flowers/test/51/image_01370.jpg b/flowers/test/51/image_01370.jpg new file mode 100644 index 00000000..e5dd5245 Binary files /dev/null and b/flowers/test/51/image_01370.jpg differ diff --git a/flowers/test/51/image_01388.jpg b/flowers/test/51/image_01388.jpg new file mode 100644 index 00000000..6865cd80 Binary files /dev/null and b/flowers/test/51/image_01388.jpg differ diff --git a/flowers/test/51/image_01406.jpg b/flowers/test/51/image_01406.jpg new file mode 100644 index 00000000..f2cd8776 Binary files /dev/null and b/flowers/test/51/image_01406.jpg differ diff --git a/flowers/test/51/image_01407.jpg b/flowers/test/51/image_01407.jpg new file mode 100644 index 00000000..f17020b6 Binary files /dev/null and b/flowers/test/51/image_01407.jpg differ diff --git a/flowers/test/51/image_01457.jpg b/flowers/test/51/image_01457.jpg new file mode 100644 index 00000000..5c382c85 Binary files /dev/null and b/flowers/test/51/image_01457.jpg differ diff --git a/flowers/test/51/image_01468.jpg b/flowers/test/51/image_01468.jpg new file mode 100644 index 00000000..84154503 Binary files /dev/null and b/flowers/test/51/image_01468.jpg differ diff --git a/flowers/test/51/image_01474.jpg b/flowers/test/51/image_01474.jpg new file mode 100644 index 00000000..3e1247d8 Binary files /dev/null and b/flowers/test/51/image_01474.jpg differ diff --git a/flowers/test/51/image_03926.jpg b/flowers/test/51/image_03926.jpg new file mode 100644 index 00000000..16082313 Binary files /dev/null and b/flowers/test/51/image_03926.jpg differ diff --git a/flowers/test/51/image_03939.jpg b/flowers/test/51/image_03939.jpg new file mode 100644 index 00000000..52fddd00 Binary files /dev/null and b/flowers/test/51/image_03939.jpg differ diff --git a/flowers/test/51/image_03954.jpg b/flowers/test/51/image_03954.jpg new file mode 100644 index 00000000..268d79d4 Binary files /dev/null and b/flowers/test/51/image_03954.jpg differ diff --git a/flowers/test/51/image_03960.jpg b/flowers/test/51/image_03960.jpg new file mode 100644 index 00000000..b4599bce Binary files /dev/null and b/flowers/test/51/image_03960.jpg differ diff --git a/flowers/test/51/image_03968.jpg b/flowers/test/51/image_03968.jpg new file mode 100644 index 00000000..4b41cd5d Binary files /dev/null and b/flowers/test/51/image_03968.jpg differ diff --git a/flowers/test/51/image_03973.jpg b/flowers/test/51/image_03973.jpg new file mode 100644 index 00000000..5aaaa895 Binary files /dev/null and b/flowers/test/51/image_03973.jpg differ diff --git a/flowers/test/51/image_03980.jpg b/flowers/test/51/image_03980.jpg new file mode 100644 index 00000000..2b1617c2 Binary files /dev/null and b/flowers/test/51/image_03980.jpg differ diff --git a/flowers/test/51/image_03984.jpg b/flowers/test/51/image_03984.jpg new file mode 100644 index 00000000..b9dfc8ed Binary files /dev/null and b/flowers/test/51/image_03984.jpg differ diff --git a/flowers/test/51/image_03985.jpg b/flowers/test/51/image_03985.jpg new file mode 100644 index 00000000..08e8160e Binary files /dev/null and b/flowers/test/51/image_03985.jpg differ diff --git a/flowers/test/51/image_03986.jpg b/flowers/test/51/image_03986.jpg new file mode 100644 index 00000000..57227a55 Binary files /dev/null and b/flowers/test/51/image_03986.jpg differ diff --git a/flowers/test/51/image_03989.jpg b/flowers/test/51/image_03989.jpg new file mode 100644 index 00000000..8ab06c38 Binary files /dev/null and b/flowers/test/51/image_03989.jpg differ diff --git a/flowers/test/52/image_04160.jpg b/flowers/test/52/image_04160.jpg new file mode 100644 index 00000000..c8a75a75 Binary files /dev/null and b/flowers/test/52/image_04160.jpg differ diff --git a/flowers/test/52/image_04167.jpg b/flowers/test/52/image_04167.jpg new file mode 100644 index 00000000..cf94e9c6 Binary files /dev/null and b/flowers/test/52/image_04167.jpg differ diff --git a/flowers/test/52/image_04168.jpg b/flowers/test/52/image_04168.jpg new file mode 100644 index 00000000..d70ad970 Binary files /dev/null and b/flowers/test/52/image_04168.jpg differ diff --git a/flowers/test/52/image_04169.jpg b/flowers/test/52/image_04169.jpg new file mode 100644 index 00000000..c9604cea Binary files /dev/null and b/flowers/test/52/image_04169.jpg differ diff --git a/flowers/test/52/image_04181.jpg b/flowers/test/52/image_04181.jpg new file mode 100644 index 00000000..068e6ccc Binary files /dev/null and b/flowers/test/52/image_04181.jpg differ diff --git a/flowers/test/52/image_04200.jpg b/flowers/test/52/image_04200.jpg new file mode 100644 index 00000000..7a11f88e Binary files /dev/null and b/flowers/test/52/image_04200.jpg differ diff --git a/flowers/test/52/image_04221.jpg b/flowers/test/52/image_04221.jpg new file mode 100644 index 00000000..68e5a5e5 Binary files /dev/null and b/flowers/test/52/image_04221.jpg differ diff --git a/flowers/test/52/image_04240.jpg b/flowers/test/52/image_04240.jpg new file mode 100644 index 00000000..1ac54ca2 Binary files /dev/null and b/flowers/test/52/image_04240.jpg differ diff --git a/flowers/test/53/image_03645.jpg b/flowers/test/53/image_03645.jpg new file mode 100644 index 00000000..530b7a5c Binary files /dev/null and b/flowers/test/53/image_03645.jpg differ diff --git a/flowers/test/53/image_03649.jpg b/flowers/test/53/image_03649.jpg new file mode 100644 index 00000000..ddf12b37 Binary files /dev/null and b/flowers/test/53/image_03649.jpg differ diff --git a/flowers/test/53/image_03652.jpg b/flowers/test/53/image_03652.jpg new file mode 100644 index 00000000..f9ce5dca Binary files /dev/null and b/flowers/test/53/image_03652.jpg differ diff --git a/flowers/test/53/image_03653.jpg b/flowers/test/53/image_03653.jpg new file mode 100644 index 00000000..c028daf4 Binary files /dev/null and b/flowers/test/53/image_03653.jpg differ diff --git a/flowers/test/53/image_03662.jpg b/flowers/test/53/image_03662.jpg new file mode 100644 index 00000000..2e1197f3 Binary files /dev/null and b/flowers/test/53/image_03662.jpg differ diff --git a/flowers/test/53/image_03669.jpg b/flowers/test/53/image_03669.jpg new file mode 100644 index 00000000..ec71cd07 Binary files /dev/null and b/flowers/test/53/image_03669.jpg differ diff --git a/flowers/test/53/image_03672.jpg b/flowers/test/53/image_03672.jpg new file mode 100644 index 00000000..14d26da9 Binary files /dev/null and b/flowers/test/53/image_03672.jpg differ diff --git a/flowers/test/53/image_03677.jpg b/flowers/test/53/image_03677.jpg new file mode 100644 index 00000000..478e6daa Binary files /dev/null and b/flowers/test/53/image_03677.jpg differ diff --git a/flowers/test/53/image_03689.jpg b/flowers/test/53/image_03689.jpg new file mode 100644 index 00000000..f8b3442e Binary files /dev/null and b/flowers/test/53/image_03689.jpg differ diff --git a/flowers/test/53/image_03712.jpg b/flowers/test/53/image_03712.jpg new file mode 100644 index 00000000..c93ffc67 Binary files /dev/null and b/flowers/test/53/image_03712.jpg differ diff --git a/flowers/test/53/image_03714.jpg b/flowers/test/53/image_03714.jpg new file mode 100644 index 00000000..e4c8a9c6 Binary files /dev/null and b/flowers/test/53/image_03714.jpg differ diff --git a/flowers/test/53/image_03717.jpg b/flowers/test/53/image_03717.jpg new file mode 100644 index 00000000..3cb1010a Binary files /dev/null and b/flowers/test/53/image_03717.jpg differ diff --git a/flowers/test/53/image_03718.jpg b/flowers/test/53/image_03718.jpg new file mode 100644 index 00000000..4c7b5711 Binary files /dev/null and b/flowers/test/53/image_03718.jpg differ diff --git a/flowers/test/53/image_03724.jpg b/flowers/test/53/image_03724.jpg new file mode 100644 index 00000000..13200730 Binary files /dev/null and b/flowers/test/53/image_03724.jpg differ diff --git a/flowers/test/54/image_05402.jpg b/flowers/test/54/image_05402.jpg new file mode 100644 index 00000000..8bdfb28e Binary files /dev/null and b/flowers/test/54/image_05402.jpg differ diff --git a/flowers/test/54/image_05413.jpg b/flowers/test/54/image_05413.jpg new file mode 100644 index 00000000..52ccd4fa Binary files /dev/null and b/flowers/test/54/image_05413.jpg differ diff --git a/flowers/test/54/image_05430.jpg b/flowers/test/54/image_05430.jpg new file mode 100644 index 00000000..9204c25e Binary files /dev/null and b/flowers/test/54/image_05430.jpg differ diff --git a/flowers/test/54/image_05440.jpg b/flowers/test/54/image_05440.jpg new file mode 100644 index 00000000..b7563076 Binary files /dev/null and b/flowers/test/54/image_05440.jpg differ diff --git a/flowers/test/55/image_04701.jpg b/flowers/test/55/image_04701.jpg new file mode 100644 index 00000000..de3c6fb2 Binary files /dev/null and b/flowers/test/55/image_04701.jpg differ diff --git a/flowers/test/55/image_04707.jpg b/flowers/test/55/image_04707.jpg new file mode 100644 index 00000000..feff88f0 Binary files /dev/null and b/flowers/test/55/image_04707.jpg differ diff --git a/flowers/test/55/image_04731.jpg b/flowers/test/55/image_04731.jpg new file mode 100644 index 00000000..9bf0561a Binary files /dev/null and b/flowers/test/55/image_04731.jpg differ diff --git a/flowers/test/55/image_04733.jpg b/flowers/test/55/image_04733.jpg new file mode 100644 index 00000000..31a5f980 Binary files /dev/null and b/flowers/test/55/image_04733.jpg differ diff --git a/flowers/test/55/image_04740.jpg b/flowers/test/55/image_04740.jpg new file mode 100644 index 00000000..84ca2fd0 Binary files /dev/null and b/flowers/test/55/image_04740.jpg differ diff --git a/flowers/test/55/image_04742.jpg b/flowers/test/55/image_04742.jpg new file mode 100644 index 00000000..c1d1e8ef Binary files /dev/null and b/flowers/test/55/image_04742.jpg differ diff --git a/flowers/test/55/image_04747.jpg b/flowers/test/55/image_04747.jpg new file mode 100644 index 00000000..ec8f1f1e Binary files /dev/null and b/flowers/test/55/image_04747.jpg differ diff --git a/flowers/test/56/image_02772.jpg b/flowers/test/56/image_02772.jpg new file mode 100644 index 00000000..34668432 Binary files /dev/null and b/flowers/test/56/image_02772.jpg differ diff --git a/flowers/test/56/image_02779.jpg b/flowers/test/56/image_02779.jpg new file mode 100644 index 00000000..c4762a8f Binary files /dev/null and b/flowers/test/56/image_02779.jpg differ diff --git a/flowers/test/56/image_02785.jpg b/flowers/test/56/image_02785.jpg new file mode 100644 index 00000000..d2da5d95 Binary files /dev/null and b/flowers/test/56/image_02785.jpg differ diff --git a/flowers/test/56/image_02808.jpg b/flowers/test/56/image_02808.jpg new file mode 100644 index 00000000..4da68820 Binary files /dev/null and b/flowers/test/56/image_02808.jpg differ diff --git a/flowers/test/56/image_02821.jpg b/flowers/test/56/image_02821.jpg new file mode 100644 index 00000000..ba916553 Binary files /dev/null and b/flowers/test/56/image_02821.jpg differ diff --git a/flowers/test/56/image_02825.jpg b/flowers/test/56/image_02825.jpg new file mode 100644 index 00000000..ca3af675 Binary files /dev/null and b/flowers/test/56/image_02825.jpg differ diff --git a/flowers/test/56/image_02841.jpg b/flowers/test/56/image_02841.jpg new file mode 100644 index 00000000..2ed4ae6e Binary files /dev/null and b/flowers/test/56/image_02841.jpg differ diff --git a/flowers/test/56/image_02844.jpg b/flowers/test/56/image_02844.jpg new file mode 100644 index 00000000..bab53a35 Binary files /dev/null and b/flowers/test/56/image_02844.jpg differ diff --git a/flowers/test/57/image_07234.jpg b/flowers/test/57/image_07234.jpg new file mode 100644 index 00000000..cf9f5fd4 Binary files /dev/null and b/flowers/test/57/image_07234.jpg differ diff --git a/flowers/test/57/image_07241.jpg b/flowers/test/57/image_07241.jpg new file mode 100644 index 00000000..6a788ba4 Binary files /dev/null and b/flowers/test/57/image_07241.jpg differ diff --git a/flowers/test/57/image_07242.jpg b/flowers/test/57/image_07242.jpg new file mode 100644 index 00000000..d644a04c Binary files /dev/null and b/flowers/test/57/image_07242.jpg differ diff --git a/flowers/test/57/image_07250.jpg b/flowers/test/57/image_07250.jpg new file mode 100644 index 00000000..aca0dcca Binary files /dev/null and b/flowers/test/57/image_07250.jpg differ diff --git a/flowers/test/57/image_07266.jpg b/flowers/test/57/image_07266.jpg new file mode 100644 index 00000000..7c294776 Binary files /dev/null and b/flowers/test/57/image_07266.jpg differ diff --git a/flowers/test/57/image_07267.jpg b/flowers/test/57/image_07267.jpg new file mode 100644 index 00000000..7b6ca61b Binary files /dev/null and b/flowers/test/57/image_07267.jpg differ diff --git a/flowers/test/57/image_08127.jpg b/flowers/test/57/image_08127.jpg new file mode 100644 index 00000000..83c36ba5 Binary files /dev/null and b/flowers/test/57/image_08127.jpg differ diff --git a/flowers/test/57/image_08129.jpg b/flowers/test/57/image_08129.jpg new file mode 100644 index 00000000..8167ad65 Binary files /dev/null and b/flowers/test/57/image_08129.jpg differ diff --git a/flowers/test/57/image_08133.jpg b/flowers/test/57/image_08133.jpg new file mode 100644 index 00000000..5e3b5d0e Binary files /dev/null and b/flowers/test/57/image_08133.jpg differ diff --git a/flowers/test/57/image_08134.jpg b/flowers/test/57/image_08134.jpg new file mode 100644 index 00000000..89396d6d Binary files /dev/null and b/flowers/test/57/image_08134.jpg differ diff --git a/flowers/test/57/image_08144.jpg b/flowers/test/57/image_08144.jpg new file mode 100644 index 00000000..8121160e Binary files /dev/null and b/flowers/test/57/image_08144.jpg differ diff --git a/flowers/test/58/image_02663.jpg b/flowers/test/58/image_02663.jpg new file mode 100644 index 00000000..7de270d6 Binary files /dev/null and b/flowers/test/58/image_02663.jpg differ diff --git a/flowers/test/58/image_02672.jpg b/flowers/test/58/image_02672.jpg new file mode 100644 index 00000000..4df6cb35 Binary files /dev/null and b/flowers/test/58/image_02672.jpg differ diff --git a/flowers/test/58/image_02677.jpg b/flowers/test/58/image_02677.jpg new file mode 100644 index 00000000..bf703ddf Binary files /dev/null and b/flowers/test/58/image_02677.jpg differ diff --git a/flowers/test/58/image_02681.jpg b/flowers/test/58/image_02681.jpg new file mode 100644 index 00000000..a176a1c3 Binary files /dev/null and b/flowers/test/58/image_02681.jpg differ diff --git a/flowers/test/58/image_02687.jpg b/flowers/test/58/image_02687.jpg new file mode 100644 index 00000000..3a222661 Binary files /dev/null and b/flowers/test/58/image_02687.jpg differ diff --git a/flowers/test/58/image_02694.jpg b/flowers/test/58/image_02694.jpg new file mode 100644 index 00000000..8a0a6c1e Binary files /dev/null and b/flowers/test/58/image_02694.jpg differ diff --git a/flowers/test/58/image_02695.jpg b/flowers/test/58/image_02695.jpg new file mode 100644 index 00000000..e5b9e693 Binary files /dev/null and b/flowers/test/58/image_02695.jpg differ diff --git a/flowers/test/58/image_02719.jpg b/flowers/test/58/image_02719.jpg new file mode 100644 index 00000000..cba6d99f Binary files /dev/null and b/flowers/test/58/image_02719.jpg differ diff --git a/flowers/test/58/image_02721.jpg b/flowers/test/58/image_02721.jpg new file mode 100644 index 00000000..89e81a42 Binary files /dev/null and b/flowers/test/58/image_02721.jpg differ diff --git a/flowers/test/58/image_02722.jpg b/flowers/test/58/image_02722.jpg new file mode 100644 index 00000000..f4964c77 Binary files /dev/null and b/flowers/test/58/image_02722.jpg differ diff --git a/flowers/test/58/image_02737.jpg b/flowers/test/58/image_02737.jpg new file mode 100644 index 00000000..e6ba3086 Binary files /dev/null and b/flowers/test/58/image_02737.jpg differ diff --git a/flowers/test/58/image_02738.jpg b/flowers/test/58/image_02738.jpg new file mode 100644 index 00000000..03ace5fd Binary files /dev/null and b/flowers/test/58/image_02738.jpg differ diff --git a/flowers/test/58/image_02743.jpg b/flowers/test/58/image_02743.jpg new file mode 100644 index 00000000..9af830e3 Binary files /dev/null and b/flowers/test/58/image_02743.jpg differ diff --git a/flowers/test/58/image_02752.jpg b/flowers/test/58/image_02752.jpg new file mode 100644 index 00000000..76373b12 Binary files /dev/null and b/flowers/test/58/image_02752.jpg differ diff --git a/flowers/test/59/image_05020.jpg b/flowers/test/59/image_05020.jpg new file mode 100644 index 00000000..5de8144f Binary files /dev/null and b/flowers/test/59/image_05020.jpg differ diff --git a/flowers/test/59/image_05033.jpg b/flowers/test/59/image_05033.jpg new file mode 100644 index 00000000..6055a917 Binary files /dev/null and b/flowers/test/59/image_05033.jpg differ diff --git a/flowers/test/59/image_05038.jpg b/flowers/test/59/image_05038.jpg new file mode 100644 index 00000000..e1f97655 Binary files /dev/null and b/flowers/test/59/image_05038.jpg differ diff --git a/flowers/test/59/image_05039.jpg b/flowers/test/59/image_05039.jpg new file mode 100644 index 00000000..9e8de751 Binary files /dev/null and b/flowers/test/59/image_05039.jpg differ diff --git a/flowers/test/59/image_05052.jpg b/flowers/test/59/image_05052.jpg new file mode 100644 index 00000000..5672f07c Binary files /dev/null and b/flowers/test/59/image_05052.jpg differ diff --git a/flowers/test/59/image_05064.jpg b/flowers/test/59/image_05064.jpg new file mode 100644 index 00000000..93d7fdcd Binary files /dev/null and b/flowers/test/59/image_05064.jpg differ diff --git a/flowers/test/59/image_05067.jpg b/flowers/test/59/image_05067.jpg new file mode 100644 index 00000000..91485419 Binary files /dev/null and b/flowers/test/59/image_05067.jpg differ diff --git a/flowers/test/6/image_07173.jpg b/flowers/test/6/image_07173.jpg new file mode 100644 index 00000000..784a87de Binary files /dev/null and b/flowers/test/6/image_07173.jpg differ diff --git a/flowers/test/6/image_07181.jpg b/flowers/test/6/image_07181.jpg new file mode 100644 index 00000000..e6fdd96c Binary files /dev/null and b/flowers/test/6/image_07181.jpg differ diff --git a/flowers/test/6/image_07182.jpg b/flowers/test/6/image_07182.jpg new file mode 100644 index 00000000..348c5d7d Binary files /dev/null and b/flowers/test/6/image_07182.jpg differ diff --git a/flowers/test/6/image_07185.jpg b/flowers/test/6/image_07185.jpg new file mode 100644 index 00000000..c1502510 Binary files /dev/null and b/flowers/test/6/image_07185.jpg differ diff --git a/flowers/test/6/image_07191.jpg b/flowers/test/6/image_07191.jpg new file mode 100644 index 00000000..7ab8a157 Binary files /dev/null and b/flowers/test/6/image_07191.jpg differ diff --git a/flowers/test/6/image_07198.jpg b/flowers/test/6/image_07198.jpg new file mode 100644 index 00000000..6171521f Binary files /dev/null and b/flowers/test/6/image_07198.jpg differ diff --git a/flowers/test/6/image_07199.jpg b/flowers/test/6/image_07199.jpg new file mode 100644 index 00000000..ecf5848d Binary files /dev/null and b/flowers/test/6/image_07199.jpg differ diff --git a/flowers/test/6/image_08106.jpg b/flowers/test/6/image_08106.jpg new file mode 100644 index 00000000..c38a1ac9 Binary files /dev/null and b/flowers/test/6/image_08106.jpg differ diff --git a/flowers/test/6/image_08108.jpg b/flowers/test/6/image_08108.jpg new file mode 100644 index 00000000..49837fdc Binary files /dev/null and b/flowers/test/6/image_08108.jpg differ diff --git a/flowers/test/60/image_02932.jpg b/flowers/test/60/image_02932.jpg new file mode 100644 index 00000000..8ffa7624 Binary files /dev/null and b/flowers/test/60/image_02932.jpg differ diff --git a/flowers/test/60/image_02933.jpg b/flowers/test/60/image_02933.jpg new file mode 100644 index 00000000..ac7a95e4 Binary files /dev/null and b/flowers/test/60/image_02933.jpg differ diff --git a/flowers/test/60/image_02958.jpg b/flowers/test/60/image_02958.jpg new file mode 100644 index 00000000..34392002 Binary files /dev/null and b/flowers/test/60/image_02958.jpg differ diff --git a/flowers/test/60/image_02971.jpg b/flowers/test/60/image_02971.jpg new file mode 100644 index 00000000..491b1c68 Binary files /dev/null and b/flowers/test/60/image_02971.jpg differ diff --git a/flowers/test/60/image_02977.jpg b/flowers/test/60/image_02977.jpg new file mode 100644 index 00000000..7ac2f75f Binary files /dev/null and b/flowers/test/60/image_02977.jpg differ diff --git a/flowers/test/60/image_02978.jpg b/flowers/test/60/image_02978.jpg new file mode 100644 index 00000000..03bedb5f Binary files /dev/null and b/flowers/test/60/image_02978.jpg differ diff --git a/flowers/test/60/image_02987.jpg b/flowers/test/60/image_02987.jpg new file mode 100644 index 00000000..a896ac56 Binary files /dev/null and b/flowers/test/60/image_02987.jpg differ diff --git a/flowers/test/60/image_03000.jpg b/flowers/test/60/image_03000.jpg new file mode 100644 index 00000000..bc0147cc Binary files /dev/null and b/flowers/test/60/image_03000.jpg differ diff --git a/flowers/test/60/image_03008.jpg b/flowers/test/60/image_03008.jpg new file mode 100644 index 00000000..5d19245a Binary files /dev/null and b/flowers/test/60/image_03008.jpg differ diff --git a/flowers/test/60/image_03026.jpg b/flowers/test/60/image_03026.jpg new file mode 100644 index 00000000..b7fa0e8f Binary files /dev/null and b/flowers/test/60/image_03026.jpg differ diff --git a/flowers/test/61/image_06248.jpg b/flowers/test/61/image_06248.jpg new file mode 100644 index 00000000..14a389be Binary files /dev/null and b/flowers/test/61/image_06248.jpg differ diff --git a/flowers/test/61/image_06249.jpg b/flowers/test/61/image_06249.jpg new file mode 100644 index 00000000..781a3785 Binary files /dev/null and b/flowers/test/61/image_06249.jpg differ diff --git a/flowers/test/61/image_06251.jpg b/flowers/test/61/image_06251.jpg new file mode 100644 index 00000000..ec68d75d Binary files /dev/null and b/flowers/test/61/image_06251.jpg differ diff --git a/flowers/test/61/image_06266.jpg b/flowers/test/61/image_06266.jpg new file mode 100644 index 00000000..2f127078 Binary files /dev/null and b/flowers/test/61/image_06266.jpg differ diff --git a/flowers/test/61/image_06271.jpg b/flowers/test/61/image_06271.jpg new file mode 100644 index 00000000..72969ceb Binary files /dev/null and b/flowers/test/61/image_06271.jpg differ diff --git a/flowers/test/61/image_06279.jpg b/flowers/test/61/image_06279.jpg new file mode 100644 index 00000000..75db296f Binary files /dev/null and b/flowers/test/61/image_06279.jpg differ diff --git a/flowers/test/61/image_06284.jpg b/flowers/test/61/image_06284.jpg new file mode 100644 index 00000000..1341786d Binary files /dev/null and b/flowers/test/61/image_06284.jpg differ diff --git a/flowers/test/61/image_06290.jpg b/flowers/test/61/image_06290.jpg new file mode 100644 index 00000000..3e0cb440 Binary files /dev/null and b/flowers/test/61/image_06290.jpg differ diff --git a/flowers/test/62/image_07269.jpg b/flowers/test/62/image_07269.jpg new file mode 100644 index 00000000..17ef033b Binary files /dev/null and b/flowers/test/62/image_07269.jpg differ diff --git a/flowers/test/62/image_07276.jpg b/flowers/test/62/image_07276.jpg new file mode 100644 index 00000000..7c4b3cfd Binary files /dev/null and b/flowers/test/62/image_07276.jpg differ diff --git a/flowers/test/62/image_08172.jpg b/flowers/test/62/image_08172.jpg new file mode 100644 index 00000000..753ff515 Binary files /dev/null and b/flowers/test/62/image_08172.jpg differ diff --git a/flowers/test/62/image_08177.jpg b/flowers/test/62/image_08177.jpg new file mode 100644 index 00000000..ca57b1b6 Binary files /dev/null and b/flowers/test/62/image_08177.jpg differ diff --git a/flowers/test/63/image_05875.jpg b/flowers/test/63/image_05875.jpg new file mode 100644 index 00000000..08f7aa32 Binary files /dev/null and b/flowers/test/63/image_05875.jpg differ diff --git a/flowers/test/63/image_05878.jpg b/flowers/test/63/image_05878.jpg new file mode 100644 index 00000000..542ae6bb Binary files /dev/null and b/flowers/test/63/image_05878.jpg differ diff --git a/flowers/test/63/image_05882.jpg b/flowers/test/63/image_05882.jpg new file mode 100644 index 00000000..39144eeb Binary files /dev/null and b/flowers/test/63/image_05882.jpg differ diff --git a/flowers/test/63/image_05890.jpg b/flowers/test/63/image_05890.jpg new file mode 100644 index 00000000..25ec7fa3 Binary files /dev/null and b/flowers/test/63/image_05890.jpg differ diff --git a/flowers/test/64/image_06099.jpg b/flowers/test/64/image_06099.jpg new file mode 100644 index 00000000..b92381ed Binary files /dev/null and b/flowers/test/64/image_06099.jpg differ diff --git a/flowers/test/64/image_06104.jpg b/flowers/test/64/image_06104.jpg new file mode 100644 index 00000000..f59d00c7 Binary files /dev/null and b/flowers/test/64/image_06104.jpg differ diff --git a/flowers/test/64/image_06130.jpg b/flowers/test/64/image_06130.jpg new file mode 100644 index 00000000..2194f547 Binary files /dev/null and b/flowers/test/64/image_06130.jpg differ diff --git a/flowers/test/64/image_06134.jpg b/flowers/test/64/image_06134.jpg new file mode 100644 index 00000000..385e8c06 Binary files /dev/null and b/flowers/test/64/image_06134.jpg differ diff --git a/flowers/test/64/image_06138.jpg b/flowers/test/64/image_06138.jpg new file mode 100644 index 00000000..d60eef64 Binary files /dev/null and b/flowers/test/64/image_06138.jpg differ diff --git a/flowers/test/65/image_03188.jpg b/flowers/test/65/image_03188.jpg new file mode 100644 index 00000000..8d7196e2 Binary files /dev/null and b/flowers/test/65/image_03188.jpg differ diff --git a/flowers/test/65/image_03197.jpg b/flowers/test/65/image_03197.jpg new file mode 100644 index 00000000..7758b38e Binary files /dev/null and b/flowers/test/65/image_03197.jpg differ diff --git a/flowers/test/65/image_03211.jpg b/flowers/test/65/image_03211.jpg new file mode 100644 index 00000000..eb77b24b Binary files /dev/null and b/flowers/test/65/image_03211.jpg differ diff --git a/flowers/test/65/image_03243.jpg b/flowers/test/65/image_03243.jpg new file mode 100644 index 00000000..6298a12f Binary files /dev/null and b/flowers/test/65/image_03243.jpg differ diff --git a/flowers/test/65/image_03252.jpg b/flowers/test/65/image_03252.jpg new file mode 100644 index 00000000..0b0b25ab Binary files /dev/null and b/flowers/test/65/image_03252.jpg differ diff --git a/flowers/test/65/image_03258.jpg b/flowers/test/65/image_03258.jpg new file mode 100644 index 00000000..cd43ab12 Binary files /dev/null and b/flowers/test/65/image_03258.jpg differ diff --git a/flowers/test/65/image_03269.jpg b/flowers/test/65/image_03269.jpg new file mode 100644 index 00000000..92593ec3 Binary files /dev/null and b/flowers/test/65/image_03269.jpg differ diff --git a/flowers/test/66/image_05537.jpg b/flowers/test/66/image_05537.jpg new file mode 100644 index 00000000..50abce5d Binary files /dev/null and b/flowers/test/66/image_05537.jpg differ diff --git a/flowers/test/66/image_05549.jpg b/flowers/test/66/image_05549.jpg new file mode 100644 index 00000000..c667b2ee Binary files /dev/null and b/flowers/test/66/image_05549.jpg differ diff --git a/flowers/test/66/image_05562.jpg b/flowers/test/66/image_05562.jpg new file mode 100644 index 00000000..93cea1dc Binary files /dev/null and b/flowers/test/66/image_05562.jpg differ diff --git a/flowers/test/66/image_05582.jpg b/flowers/test/66/image_05582.jpg new file mode 100644 index 00000000..54f323ff Binary files /dev/null and b/flowers/test/66/image_05582.jpg differ diff --git a/flowers/test/67/image_07056.jpg b/flowers/test/67/image_07056.jpg new file mode 100644 index 00000000..73a4b2f9 Binary files /dev/null and b/flowers/test/67/image_07056.jpg differ diff --git a/flowers/test/67/image_07079.jpg b/flowers/test/67/image_07079.jpg new file mode 100644 index 00000000..99fe1892 Binary files /dev/null and b/flowers/test/67/image_07079.jpg differ diff --git a/flowers/test/67/image_07080.jpg b/flowers/test/67/image_07080.jpg new file mode 100644 index 00000000..93a5b543 Binary files /dev/null and b/flowers/test/67/image_07080.jpg differ diff --git a/flowers/test/67/image_07082.jpg b/flowers/test/67/image_07082.jpg new file mode 100644 index 00000000..f7a3ed15 Binary files /dev/null and b/flowers/test/67/image_07082.jpg differ diff --git a/flowers/test/68/image_05903.jpg b/flowers/test/68/image_05903.jpg new file mode 100644 index 00000000..662232a1 Binary files /dev/null and b/flowers/test/68/image_05903.jpg differ diff --git a/flowers/test/68/image_05927.jpg b/flowers/test/68/image_05927.jpg new file mode 100644 index 00000000..ddbb6e1f Binary files /dev/null and b/flowers/test/68/image_05927.jpg differ diff --git a/flowers/test/68/image_05956.jpg b/flowers/test/68/image_05956.jpg new file mode 100644 index 00000000..2208a972 Binary files /dev/null and b/flowers/test/68/image_05956.jpg differ diff --git a/flowers/test/69/image_05959.jpg b/flowers/test/69/image_05959.jpg new file mode 100644 index 00000000..08365bf9 Binary files /dev/null and b/flowers/test/69/image_05959.jpg differ diff --git a/flowers/test/69/image_05971.jpg b/flowers/test/69/image_05971.jpg new file mode 100644 index 00000000..706f0921 Binary files /dev/null and b/flowers/test/69/image_05971.jpg differ diff --git a/flowers/test/69/image_05994.jpg b/flowers/test/69/image_05994.jpg new file mode 100644 index 00000000..08ae80fa Binary files /dev/null and b/flowers/test/69/image_05994.jpg differ diff --git a/flowers/test/7/image_07211.jpg b/flowers/test/7/image_07211.jpg new file mode 100644 index 00000000..85b87305 Binary files /dev/null and b/flowers/test/7/image_07211.jpg differ diff --git a/flowers/test/7/image_07215.jpg b/flowers/test/7/image_07215.jpg new file mode 100644 index 00000000..0a203e71 Binary files /dev/null and b/flowers/test/7/image_07215.jpg differ diff --git a/flowers/test/7/image_07218.jpg b/flowers/test/7/image_07218.jpg new file mode 100644 index 00000000..c2f80ee1 Binary files /dev/null and b/flowers/test/7/image_07218.jpg differ diff --git a/flowers/test/7/image_07219.jpg b/flowers/test/7/image_07219.jpg new file mode 100644 index 00000000..21939480 Binary files /dev/null and b/flowers/test/7/image_07219.jpg differ diff --git a/flowers/test/7/image_08099.jpg b/flowers/test/7/image_08099.jpg new file mode 100644 index 00000000..65ffb3c0 Binary files /dev/null and b/flowers/test/7/image_08099.jpg differ diff --git a/flowers/test/7/image_08104.jpg b/flowers/test/7/image_08104.jpg new file mode 100644 index 00000000..f401139d Binary files /dev/null and b/flowers/test/7/image_08104.jpg differ diff --git a/flowers/test/70/image_05308.jpg b/flowers/test/70/image_05308.jpg new file mode 100644 index 00000000..30e13dcd Binary files /dev/null and b/flowers/test/70/image_05308.jpg differ diff --git a/flowers/test/70/image_05324.jpg b/flowers/test/70/image_05324.jpg new file mode 100644 index 00000000..200cf87b Binary files /dev/null and b/flowers/test/70/image_05324.jpg differ diff --git a/flowers/test/70/image_05330.jpg b/flowers/test/70/image_05330.jpg new file mode 100644 index 00000000..340dba70 Binary files /dev/null and b/flowers/test/70/image_05330.jpg differ diff --git a/flowers/test/70/image_05331.jpg b/flowers/test/70/image_05331.jpg new file mode 100644 index 00000000..b36d9d50 Binary files /dev/null and b/flowers/test/70/image_05331.jpg differ diff --git a/flowers/test/71/image_04482.jpg b/flowers/test/71/image_04482.jpg new file mode 100644 index 00000000..a1b6b11b Binary files /dev/null and b/flowers/test/71/image_04482.jpg differ diff --git a/flowers/test/71/image_04488.jpg b/flowers/test/71/image_04488.jpg new file mode 100644 index 00000000..20bfacc6 Binary files /dev/null and b/flowers/test/71/image_04488.jpg differ diff --git a/flowers/test/71/image_04512.jpg b/flowers/test/71/image_04512.jpg new file mode 100644 index 00000000..c7882d97 Binary files /dev/null and b/flowers/test/71/image_04512.jpg differ diff --git a/flowers/test/71/image_04514.jpg b/flowers/test/71/image_04514.jpg new file mode 100644 index 00000000..00889548 Binary files /dev/null and b/flowers/test/71/image_04514.jpg differ diff --git a/flowers/test/71/image_04515.jpg b/flowers/test/71/image_04515.jpg new file mode 100644 index 00000000..bcdb06cf Binary files /dev/null and b/flowers/test/71/image_04515.jpg differ diff --git a/flowers/test/71/image_04519.jpg b/flowers/test/71/image_04519.jpg new file mode 100644 index 00000000..4eb5a82f Binary files /dev/null and b/flowers/test/71/image_04519.jpg differ diff --git a/flowers/test/71/image_04524.jpg b/flowers/test/71/image_04524.jpg new file mode 100644 index 00000000..c12997bf Binary files /dev/null and b/flowers/test/71/image_04524.jpg differ diff --git a/flowers/test/71/image_04555.jpg b/flowers/test/71/image_04555.jpg new file mode 100644 index 00000000..6fad300a Binary files /dev/null and b/flowers/test/71/image_04555.jpg differ diff --git a/flowers/test/71/image_04557.jpg b/flowers/test/71/image_04557.jpg new file mode 100644 index 00000000..3122ec8b Binary files /dev/null and b/flowers/test/71/image_04557.jpg differ diff --git a/flowers/test/72/image_03547.jpg b/flowers/test/72/image_03547.jpg new file mode 100644 index 00000000..a084052a Binary files /dev/null and b/flowers/test/72/image_03547.jpg differ diff --git a/flowers/test/72/image_03575.jpg b/flowers/test/72/image_03575.jpg new file mode 100644 index 00000000..8ede58dc Binary files /dev/null and b/flowers/test/72/image_03575.jpg differ diff --git a/flowers/test/72/image_03593.jpg b/flowers/test/72/image_03593.jpg new file mode 100644 index 00000000..4bc7e8b3 Binary files /dev/null and b/flowers/test/72/image_03593.jpg differ diff --git a/flowers/test/72/image_03599.jpg b/flowers/test/72/image_03599.jpg new file mode 100644 index 00000000..9f0de2c1 Binary files /dev/null and b/flowers/test/72/image_03599.jpg differ diff --git a/flowers/test/72/image_03603.jpg b/flowers/test/72/image_03603.jpg new file mode 100644 index 00000000..1dc8ac1d Binary files /dev/null and b/flowers/test/72/image_03603.jpg differ diff --git a/flowers/test/72/image_03613.jpg b/flowers/test/72/image_03613.jpg new file mode 100644 index 00000000..183f05ef Binary files /dev/null and b/flowers/test/72/image_03613.jpg differ diff --git a/flowers/test/72/image_03624.jpg b/flowers/test/72/image_03624.jpg new file mode 100644 index 00000000..4b8dd382 Binary files /dev/null and b/flowers/test/72/image_03624.jpg differ diff --git a/flowers/test/72/image_03625.jpg b/flowers/test/72/image_03625.jpg new file mode 100644 index 00000000..4201a270 Binary files /dev/null and b/flowers/test/72/image_03625.jpg differ diff --git a/flowers/test/72/image_03628.jpg b/flowers/test/72/image_03628.jpg new file mode 100644 index 00000000..ff5beb80 Binary files /dev/null and b/flowers/test/72/image_03628.jpg differ diff --git a/flowers/test/72/image_03633.jpg b/flowers/test/72/image_03633.jpg new file mode 100644 index 00000000..396ad419 Binary files /dev/null and b/flowers/test/72/image_03633.jpg differ diff --git a/flowers/test/72/image_03635.jpg b/flowers/test/72/image_03635.jpg new file mode 100644 index 00000000..61a0441d Binary files /dev/null and b/flowers/test/72/image_03635.jpg differ diff --git a/flowers/test/73/image_00258.jpg b/flowers/test/73/image_00258.jpg new file mode 100644 index 00000000..513732b7 Binary files /dev/null and b/flowers/test/73/image_00258.jpg differ diff --git a/flowers/test/73/image_00260.jpg b/flowers/test/73/image_00260.jpg new file mode 100644 index 00000000..6fd8cf83 Binary files /dev/null and b/flowers/test/73/image_00260.jpg differ diff --git a/flowers/test/73/image_00277.jpg b/flowers/test/73/image_00277.jpg new file mode 100644 index 00000000..311fdffc Binary files /dev/null and b/flowers/test/73/image_00277.jpg differ diff --git a/flowers/test/73/image_00282.jpg b/flowers/test/73/image_00282.jpg new file mode 100644 index 00000000..20a12c36 Binary files /dev/null and b/flowers/test/73/image_00282.jpg differ diff --git a/flowers/test/73/image_00284.jpg b/flowers/test/73/image_00284.jpg new file mode 100644 index 00000000..ff6fb438 Binary files /dev/null and b/flowers/test/73/image_00284.jpg differ diff --git a/flowers/test/73/image_00288.jpg b/flowers/test/73/image_00288.jpg new file mode 100644 index 00000000..01d45d4f Binary files /dev/null and b/flowers/test/73/image_00288.jpg differ diff --git a/flowers/test/73/image_00291.jpg b/flowers/test/73/image_00291.jpg new file mode 100644 index 00000000..a43b1ab1 Binary files /dev/null and b/flowers/test/73/image_00291.jpg differ diff --git a/flowers/test/73/image_00294.jpg b/flowers/test/73/image_00294.jpg new file mode 100644 index 00000000..306294d5 Binary files /dev/null and b/flowers/test/73/image_00294.jpg differ diff --git a/flowers/test/73/image_00303.jpg b/flowers/test/73/image_00303.jpg new file mode 100644 index 00000000..e121080d Binary files /dev/null and b/flowers/test/73/image_00303.jpg differ diff --git a/flowers/test/73/image_00319.jpg b/flowers/test/73/image_00319.jpg new file mode 100644 index 00000000..10449089 Binary files /dev/null and b/flowers/test/73/image_00319.jpg differ diff --git a/flowers/test/73/image_00320.jpg b/flowers/test/73/image_00320.jpg new file mode 100644 index 00000000..c5276fb2 Binary files /dev/null and b/flowers/test/73/image_00320.jpg differ diff --git a/flowers/test/73/image_00324.jpg b/flowers/test/73/image_00324.jpg new file mode 100644 index 00000000..4b44d5dd Binary files /dev/null and b/flowers/test/73/image_00324.jpg differ diff --git a/flowers/test/73/image_00330.jpg b/flowers/test/73/image_00330.jpg new file mode 100644 index 00000000..d7f71bef Binary files /dev/null and b/flowers/test/73/image_00330.jpg differ diff --git a/flowers/test/73/image_00335.jpg b/flowers/test/73/image_00335.jpg new file mode 100644 index 00000000..9397c756 Binary files /dev/null and b/flowers/test/73/image_00335.jpg differ diff --git a/flowers/test/73/image_00337.jpg b/flowers/test/73/image_00337.jpg new file mode 100644 index 00000000..ec05c289 Binary files /dev/null and b/flowers/test/73/image_00337.jpg differ diff --git a/flowers/test/73/image_00345.jpg b/flowers/test/73/image_00345.jpg new file mode 100644 index 00000000..06f8ad51 Binary files /dev/null and b/flowers/test/73/image_00345.jpg differ diff --git a/flowers/test/73/image_00349.jpg b/flowers/test/73/image_00349.jpg new file mode 100644 index 00000000..badfc9ee Binary files /dev/null and b/flowers/test/73/image_00349.jpg differ diff --git a/flowers/test/73/image_00353.jpg b/flowers/test/73/image_00353.jpg new file mode 100644 index 00000000..f1cd4884 Binary files /dev/null and b/flowers/test/73/image_00353.jpg differ diff --git a/flowers/test/73/image_00365.jpg b/flowers/test/73/image_00365.jpg new file mode 100644 index 00000000..f87eefd8 Binary files /dev/null and b/flowers/test/73/image_00365.jpg differ diff --git a/flowers/test/73/image_00369.jpg b/flowers/test/73/image_00369.jpg new file mode 100644 index 00000000..e8e429c2 Binary files /dev/null and b/flowers/test/73/image_00369.jpg differ diff --git a/flowers/test/73/image_00387.jpg b/flowers/test/73/image_00387.jpg new file mode 100644 index 00000000..055d2219 Binary files /dev/null and b/flowers/test/73/image_00387.jpg differ diff --git a/flowers/test/73/image_00389.jpg b/flowers/test/73/image_00389.jpg new file mode 100644 index 00000000..c0be5eb4 Binary files /dev/null and b/flowers/test/73/image_00389.jpg differ diff --git a/flowers/test/73/image_00394.jpg b/flowers/test/73/image_00394.jpg new file mode 100644 index 00000000..813bfb01 Binary files /dev/null and b/flowers/test/73/image_00394.jpg differ diff --git a/flowers/test/73/image_00400.jpg b/flowers/test/73/image_00400.jpg new file mode 100644 index 00000000..a9ab18c4 Binary files /dev/null and b/flowers/test/73/image_00400.jpg differ diff --git a/flowers/test/73/image_00401.jpg b/flowers/test/73/image_00401.jpg new file mode 100644 index 00000000..5e18e325 Binary files /dev/null and b/flowers/test/73/image_00401.jpg differ diff --git a/flowers/test/73/image_00409.jpg b/flowers/test/73/image_00409.jpg new file mode 100644 index 00000000..c4ecddc6 Binary files /dev/null and b/flowers/test/73/image_00409.jpg differ diff --git a/flowers/test/73/image_00426.jpg b/flowers/test/73/image_00426.jpg new file mode 100644 index 00000000..724e334d Binary files /dev/null and b/flowers/test/73/image_00426.jpg differ diff --git a/flowers/test/73/image_00445.jpg b/flowers/test/73/image_00445.jpg new file mode 100644 index 00000000..83d7a446 Binary files /dev/null and b/flowers/test/73/image_00445.jpg differ diff --git a/flowers/test/74/image_01151.jpg b/flowers/test/74/image_01151.jpg new file mode 100644 index 00000000..50254b64 Binary files /dev/null and b/flowers/test/74/image_01151.jpg differ diff --git a/flowers/test/74/image_01165.jpg b/flowers/test/74/image_01165.jpg new file mode 100644 index 00000000..8fce6013 Binary files /dev/null and b/flowers/test/74/image_01165.jpg differ diff --git a/flowers/test/74/image_01173.jpg b/flowers/test/74/image_01173.jpg new file mode 100644 index 00000000..a72389cb Binary files /dev/null and b/flowers/test/74/image_01173.jpg differ diff --git a/flowers/test/74/image_01191.jpg b/flowers/test/74/image_01191.jpg new file mode 100644 index 00000000..4ee4583f Binary files /dev/null and b/flowers/test/74/image_01191.jpg differ diff --git a/flowers/test/74/image_01200.jpg b/flowers/test/74/image_01200.jpg new file mode 100644 index 00000000..002a5b5d Binary files /dev/null and b/flowers/test/74/image_01200.jpg differ diff --git a/flowers/test/74/image_01209.jpg b/flowers/test/74/image_01209.jpg new file mode 100644 index 00000000..0e8d7c8f Binary files /dev/null and b/flowers/test/74/image_01209.jpg differ diff --git a/flowers/test/74/image_01213.jpg b/flowers/test/74/image_01213.jpg new file mode 100644 index 00000000..aaf693e9 Binary files /dev/null and b/flowers/test/74/image_01213.jpg differ diff --git a/flowers/test/74/image_01249.jpg b/flowers/test/74/image_01249.jpg new file mode 100644 index 00000000..e762a01e Binary files /dev/null and b/flowers/test/74/image_01249.jpg differ diff --git a/flowers/test/74/image_01254.jpg b/flowers/test/74/image_01254.jpg new file mode 100644 index 00000000..f4c699b8 Binary files /dev/null and b/flowers/test/74/image_01254.jpg differ diff --git a/flowers/test/74/image_01256.jpg b/flowers/test/74/image_01256.jpg new file mode 100644 index 00000000..9bdfbdaa Binary files /dev/null and b/flowers/test/74/image_01256.jpg differ diff --git a/flowers/test/74/image_01276.jpg b/flowers/test/74/image_01276.jpg new file mode 100644 index 00000000..a91e56c0 Binary files /dev/null and b/flowers/test/74/image_01276.jpg differ diff --git a/flowers/test/74/image_01305.jpg b/flowers/test/74/image_01305.jpg new file mode 100644 index 00000000..f9f0fb94 Binary files /dev/null and b/flowers/test/74/image_01305.jpg differ diff --git a/flowers/test/74/image_01307.jpg b/flowers/test/74/image_01307.jpg new file mode 100644 index 00000000..2a16b4f5 Binary files /dev/null and b/flowers/test/74/image_01307.jpg differ diff --git a/flowers/test/74/image_01312.jpg b/flowers/test/74/image_01312.jpg new file mode 100644 index 00000000..97734c75 Binary files /dev/null and b/flowers/test/74/image_01312.jpg differ diff --git a/flowers/test/75/image_02075.jpg b/flowers/test/75/image_02075.jpg new file mode 100644 index 00000000..ca5fe50d Binary files /dev/null and b/flowers/test/75/image_02075.jpg differ diff --git a/flowers/test/75/image_02078.jpg b/flowers/test/75/image_02078.jpg new file mode 100644 index 00000000..eadefbb5 Binary files /dev/null and b/flowers/test/75/image_02078.jpg differ diff --git a/flowers/test/75/image_02085.jpg b/flowers/test/75/image_02085.jpg new file mode 100644 index 00000000..f821b551 Binary files /dev/null and b/flowers/test/75/image_02085.jpg differ diff --git a/flowers/test/75/image_02088.jpg b/flowers/test/75/image_02088.jpg new file mode 100644 index 00000000..408d83ae Binary files /dev/null and b/flowers/test/75/image_02088.jpg differ diff --git a/flowers/test/75/image_02111.jpg b/flowers/test/75/image_02111.jpg new file mode 100644 index 00000000..c569025d Binary files /dev/null and b/flowers/test/75/image_02111.jpg differ diff --git a/flowers/test/75/image_02115.jpg b/flowers/test/75/image_02115.jpg new file mode 100644 index 00000000..47c6fab3 Binary files /dev/null and b/flowers/test/75/image_02115.jpg differ diff --git a/flowers/test/75/image_02119.jpg b/flowers/test/75/image_02119.jpg new file mode 100644 index 00000000..31187efa Binary files /dev/null and b/flowers/test/75/image_02119.jpg differ diff --git a/flowers/test/75/image_02135.jpg b/flowers/test/75/image_02135.jpg new file mode 100644 index 00000000..2cf1f70e Binary files /dev/null and b/flowers/test/75/image_02135.jpg differ diff --git a/flowers/test/75/image_02144.jpg b/flowers/test/75/image_02144.jpg new file mode 100644 index 00000000..5a037198 Binary files /dev/null and b/flowers/test/75/image_02144.jpg differ diff --git a/flowers/test/75/image_02154.jpg b/flowers/test/75/image_02154.jpg new file mode 100644 index 00000000..385cd304 Binary files /dev/null and b/flowers/test/75/image_02154.jpg differ diff --git a/flowers/test/75/image_02157.jpg b/flowers/test/75/image_02157.jpg new file mode 100644 index 00000000..3597285b Binary files /dev/null and b/flowers/test/75/image_02157.jpg differ diff --git a/flowers/test/75/image_02167.jpg b/flowers/test/75/image_02167.jpg new file mode 100644 index 00000000..3cdbb82f Binary files /dev/null and b/flowers/test/75/image_02167.jpg differ diff --git a/flowers/test/75/image_02188.jpg b/flowers/test/75/image_02188.jpg new file mode 100644 index 00000000..fe0c8138 Binary files /dev/null and b/flowers/test/75/image_02188.jpg differ diff --git a/flowers/test/76/image_02472.jpg b/flowers/test/76/image_02472.jpg new file mode 100644 index 00000000..0b5bf4e7 Binary files /dev/null and b/flowers/test/76/image_02472.jpg differ diff --git a/flowers/test/76/image_02479.jpg b/flowers/test/76/image_02479.jpg new file mode 100644 index 00000000..c597a456 Binary files /dev/null and b/flowers/test/76/image_02479.jpg differ diff --git a/flowers/test/76/image_02484.jpg b/flowers/test/76/image_02484.jpg new file mode 100644 index 00000000..c35fce5f Binary files /dev/null and b/flowers/test/76/image_02484.jpg differ diff --git a/flowers/test/76/image_02550.jpg b/flowers/test/76/image_02550.jpg new file mode 100644 index 00000000..1cc82aac Binary files /dev/null and b/flowers/test/76/image_02550.jpg differ diff --git a/flowers/test/77/image_00005.jpg b/flowers/test/77/image_00005.jpg new file mode 100644 index 00000000..bd4ae050 Binary files /dev/null and b/flowers/test/77/image_00005.jpg differ diff --git a/flowers/test/77/image_00006.jpg b/flowers/test/77/image_00006.jpg new file mode 100644 index 00000000..e2766381 Binary files /dev/null and b/flowers/test/77/image_00006.jpg differ diff --git a/flowers/test/77/image_00024.jpg b/flowers/test/77/image_00024.jpg new file mode 100644 index 00000000..08ef69d6 Binary files /dev/null and b/flowers/test/77/image_00024.jpg differ diff --git a/flowers/test/77/image_00025.jpg b/flowers/test/77/image_00025.jpg new file mode 100644 index 00000000..c2ab4441 Binary files /dev/null and b/flowers/test/77/image_00025.jpg differ diff --git a/flowers/test/77/image_00029.jpg b/flowers/test/77/image_00029.jpg new file mode 100644 index 00000000..74413a13 Binary files /dev/null and b/flowers/test/77/image_00029.jpg differ diff --git a/flowers/test/77/image_00050.jpg b/flowers/test/77/image_00050.jpg new file mode 100644 index 00000000..5afaa6ff Binary files /dev/null and b/flowers/test/77/image_00050.jpg differ diff --git a/flowers/test/77/image_00060.jpg b/flowers/test/77/image_00060.jpg new file mode 100644 index 00000000..4384e67a Binary files /dev/null and b/flowers/test/77/image_00060.jpg differ diff --git a/flowers/test/77/image_00065.jpg b/flowers/test/77/image_00065.jpg new file mode 100644 index 00000000..18066662 Binary files /dev/null and b/flowers/test/77/image_00065.jpg differ diff --git a/flowers/test/77/image_00092.jpg b/flowers/test/77/image_00092.jpg new file mode 100644 index 00000000..d7922c1d Binary files /dev/null and b/flowers/test/77/image_00092.jpg differ diff --git a/flowers/test/77/image_00099.jpg b/flowers/test/77/image_00099.jpg new file mode 100644 index 00000000..0fda5bd0 Binary files /dev/null and b/flowers/test/77/image_00099.jpg differ diff --git a/flowers/test/77/image_00114.jpg b/flowers/test/77/image_00114.jpg new file mode 100644 index 00000000..d77595f5 Binary files /dev/null and b/flowers/test/77/image_00114.jpg differ diff --git a/flowers/test/77/image_00116.jpg b/flowers/test/77/image_00116.jpg new file mode 100644 index 00000000..e0dbe81c Binary files /dev/null and b/flowers/test/77/image_00116.jpg differ diff --git a/flowers/test/77/image_00132.jpg b/flowers/test/77/image_00132.jpg new file mode 100644 index 00000000..147ed227 Binary files /dev/null and b/flowers/test/77/image_00132.jpg differ diff --git a/flowers/test/77/image_00176.jpg b/flowers/test/77/image_00176.jpg new file mode 100644 index 00000000..59b46a1b Binary files /dev/null and b/flowers/test/77/image_00176.jpg differ diff --git a/flowers/test/77/image_00177.jpg b/flowers/test/77/image_00177.jpg new file mode 100644 index 00000000..01c4ed8b Binary files /dev/null and b/flowers/test/77/image_00177.jpg differ diff --git a/flowers/test/77/image_00187.jpg b/flowers/test/77/image_00187.jpg new file mode 100644 index 00000000..99be1712 Binary files /dev/null and b/flowers/test/77/image_00187.jpg differ diff --git a/flowers/test/77/image_00191.jpg b/flowers/test/77/image_00191.jpg new file mode 100644 index 00000000..c956eec3 Binary files /dev/null and b/flowers/test/77/image_00191.jpg differ diff --git a/flowers/test/77/image_00202.jpg b/flowers/test/77/image_00202.jpg new file mode 100644 index 00000000..ccf88186 Binary files /dev/null and b/flowers/test/77/image_00202.jpg differ diff --git a/flowers/test/77/image_00203.jpg b/flowers/test/77/image_00203.jpg new file mode 100644 index 00000000..afb82f8e Binary files /dev/null and b/flowers/test/77/image_00203.jpg differ diff --git a/flowers/test/77/image_00204.jpg b/flowers/test/77/image_00204.jpg new file mode 100644 index 00000000..8e1b038e Binary files /dev/null and b/flowers/test/77/image_00204.jpg differ diff --git a/flowers/test/77/image_00212.jpg b/flowers/test/77/image_00212.jpg new file mode 100644 index 00000000..1f50be97 Binary files /dev/null and b/flowers/test/77/image_00212.jpg differ diff --git a/flowers/test/77/image_00222.jpg b/flowers/test/77/image_00222.jpg new file mode 100644 index 00000000..860511e4 Binary files /dev/null and b/flowers/test/77/image_00222.jpg differ diff --git a/flowers/test/77/image_00239.jpg b/flowers/test/77/image_00239.jpg new file mode 100644 index 00000000..3b0b1929 Binary files /dev/null and b/flowers/test/77/image_00239.jpg differ diff --git a/flowers/test/77/image_00248.jpg b/flowers/test/77/image_00248.jpg new file mode 100644 index 00000000..354c4ae7 Binary files /dev/null and b/flowers/test/77/image_00248.jpg differ diff --git a/flowers/test/77/image_00251.jpg b/flowers/test/77/image_00251.jpg new file mode 100644 index 00000000..212b6367 Binary files /dev/null and b/flowers/test/77/image_00251.jpg differ diff --git a/flowers/test/78/image_01830.jpg b/flowers/test/78/image_01830.jpg new file mode 100644 index 00000000..7c5d4585 Binary files /dev/null and b/flowers/test/78/image_01830.jpg differ diff --git a/flowers/test/78/image_01843.jpg b/flowers/test/78/image_01843.jpg new file mode 100644 index 00000000..8b775171 Binary files /dev/null and b/flowers/test/78/image_01843.jpg differ diff --git a/flowers/test/78/image_01848.jpg b/flowers/test/78/image_01848.jpg new file mode 100644 index 00000000..d6528919 Binary files /dev/null and b/flowers/test/78/image_01848.jpg differ diff --git a/flowers/test/78/image_01855.jpg b/flowers/test/78/image_01855.jpg new file mode 100644 index 00000000..027f5af2 Binary files /dev/null and b/flowers/test/78/image_01855.jpg differ diff --git a/flowers/test/78/image_01856.jpg b/flowers/test/78/image_01856.jpg new file mode 100644 index 00000000..d8da68fc Binary files /dev/null and b/flowers/test/78/image_01856.jpg differ diff --git a/flowers/test/78/image_01874.jpg b/flowers/test/78/image_01874.jpg new file mode 100644 index 00000000..872f4776 Binary files /dev/null and b/flowers/test/78/image_01874.jpg differ diff --git a/flowers/test/78/image_01888.jpg b/flowers/test/78/image_01888.jpg new file mode 100644 index 00000000..b88fef28 Binary files /dev/null and b/flowers/test/78/image_01888.jpg differ diff --git a/flowers/test/78/image_01893.jpg b/flowers/test/78/image_01893.jpg new file mode 100644 index 00000000..30762c56 Binary files /dev/null and b/flowers/test/78/image_01893.jpg differ diff --git a/flowers/test/78/image_01903.jpg b/flowers/test/78/image_01903.jpg new file mode 100644 index 00000000..1b61dd55 Binary files /dev/null and b/flowers/test/78/image_01903.jpg differ diff --git a/flowers/test/78/image_01919.jpg b/flowers/test/78/image_01919.jpg new file mode 100644 index 00000000..c8c6c160 Binary files /dev/null and b/flowers/test/78/image_01919.jpg differ diff --git a/flowers/test/78/image_01928.jpg b/flowers/test/78/image_01928.jpg new file mode 100644 index 00000000..4fcd2c35 Binary files /dev/null and b/flowers/test/78/image_01928.jpg differ diff --git a/flowers/test/78/image_01931.jpg b/flowers/test/78/image_01931.jpg new file mode 100644 index 00000000..1f7bd17b Binary files /dev/null and b/flowers/test/78/image_01931.jpg differ diff --git a/flowers/test/78/image_01949.jpg b/flowers/test/78/image_01949.jpg new file mode 100644 index 00000000..3100137b Binary files /dev/null and b/flowers/test/78/image_01949.jpg differ diff --git a/flowers/test/78/image_01953.jpg b/flowers/test/78/image_01953.jpg new file mode 100644 index 00000000..47394119 Binary files /dev/null and b/flowers/test/78/image_01953.jpg differ diff --git a/flowers/test/79/image_06708.jpg b/flowers/test/79/image_06708.jpg new file mode 100644 index 00000000..4e4a1819 Binary files /dev/null and b/flowers/test/79/image_06708.jpg differ diff --git a/flowers/test/79/image_06720.jpg b/flowers/test/79/image_06720.jpg new file mode 100644 index 00000000..2f6b259b Binary files /dev/null and b/flowers/test/79/image_06720.jpg differ diff --git a/flowers/test/79/image_06726.jpg b/flowers/test/79/image_06726.jpg new file mode 100644 index 00000000..160ec433 Binary files /dev/null and b/flowers/test/79/image_06726.jpg differ diff --git a/flowers/test/8/image_03291.jpg b/flowers/test/8/image_03291.jpg new file mode 100644 index 00000000..1b528ed3 Binary files /dev/null and b/flowers/test/8/image_03291.jpg differ diff --git a/flowers/test/8/image_03295.jpg b/flowers/test/8/image_03295.jpg new file mode 100644 index 00000000..1f5429dd Binary files /dev/null and b/flowers/test/8/image_03295.jpg differ diff --git a/flowers/test/8/image_03299.jpg b/flowers/test/8/image_03299.jpg new file mode 100644 index 00000000..4be68857 Binary files /dev/null and b/flowers/test/8/image_03299.jpg differ diff --git a/flowers/test/8/image_03314.jpg b/flowers/test/8/image_03314.jpg new file mode 100644 index 00000000..bb5e57c0 Binary files /dev/null and b/flowers/test/8/image_03314.jpg differ diff --git a/flowers/test/8/image_03319.jpg b/flowers/test/8/image_03319.jpg new file mode 100644 index 00000000..2a0c9e6d Binary files /dev/null and b/flowers/test/8/image_03319.jpg differ diff --git a/flowers/test/8/image_03320.jpg b/flowers/test/8/image_03320.jpg new file mode 100644 index 00000000..c3b85859 Binary files /dev/null and b/flowers/test/8/image_03320.jpg differ diff --git a/flowers/test/8/image_03347.jpg b/flowers/test/8/image_03347.jpg new file mode 100644 index 00000000..c79bdc02 Binary files /dev/null and b/flowers/test/8/image_03347.jpg differ diff --git a/flowers/test/8/image_03357.jpg b/flowers/test/8/image_03357.jpg new file mode 100644 index 00000000..c819f5bc Binary files /dev/null and b/flowers/test/8/image_03357.jpg differ diff --git a/flowers/test/8/image_03359.jpg b/flowers/test/8/image_03359.jpg new file mode 100644 index 00000000..7812df49 Binary files /dev/null and b/flowers/test/8/image_03359.jpg differ diff --git a/flowers/test/8/image_03364.jpg b/flowers/test/8/image_03364.jpg new file mode 100644 index 00000000..24af096e Binary files /dev/null and b/flowers/test/8/image_03364.jpg differ diff --git a/flowers/test/80/image_01983.jpg b/flowers/test/80/image_01983.jpg new file mode 100644 index 00000000..7940296e Binary files /dev/null and b/flowers/test/80/image_01983.jpg differ diff --git a/flowers/test/80/image_01990.jpg b/flowers/test/80/image_01990.jpg new file mode 100644 index 00000000..026ba770 Binary files /dev/null and b/flowers/test/80/image_01990.jpg differ diff --git a/flowers/test/80/image_01993.jpg b/flowers/test/80/image_01993.jpg new file mode 100644 index 00000000..b5d1b6d5 Binary files /dev/null and b/flowers/test/80/image_01993.jpg differ diff --git a/flowers/test/80/image_01996.jpg b/flowers/test/80/image_01996.jpg new file mode 100644 index 00000000..f2d0d089 Binary files /dev/null and b/flowers/test/80/image_01996.jpg differ diff --git a/flowers/test/80/image_02020.jpg b/flowers/test/80/image_02020.jpg new file mode 100644 index 00000000..e2257e73 Binary files /dev/null and b/flowers/test/80/image_02020.jpg differ diff --git a/flowers/test/80/image_02023.jpg b/flowers/test/80/image_02023.jpg new file mode 100644 index 00000000..c446851e Binary files /dev/null and b/flowers/test/80/image_02023.jpg differ diff --git a/flowers/test/80/image_02041.jpg b/flowers/test/80/image_02041.jpg new file mode 100644 index 00000000..18437cdf Binary files /dev/null and b/flowers/test/80/image_02041.jpg differ diff --git a/flowers/test/80/image_02049.jpg b/flowers/test/80/image_02049.jpg new file mode 100644 index 00000000..a1906a78 Binary files /dev/null and b/flowers/test/80/image_02049.jpg differ diff --git a/flowers/test/80/image_02051.jpg b/flowers/test/80/image_02051.jpg new file mode 100644 index 00000000..3ac4f6b0 Binary files /dev/null and b/flowers/test/80/image_02051.jpg differ diff --git a/flowers/test/80/image_02055.jpg b/flowers/test/80/image_02055.jpg new file mode 100644 index 00000000..3cc78ddc Binary files /dev/null and b/flowers/test/80/image_02055.jpg differ diff --git a/flowers/test/80/image_02062.jpg b/flowers/test/80/image_02062.jpg new file mode 100644 index 00000000..947be3f9 Binary files /dev/null and b/flowers/test/80/image_02062.jpg differ diff --git a/flowers/test/81/image_00798.jpg b/flowers/test/81/image_00798.jpg new file mode 100644 index 00000000..7079d143 Binary files /dev/null and b/flowers/test/81/image_00798.jpg differ diff --git a/flowers/test/81/image_00814.jpg b/flowers/test/81/image_00814.jpg new file mode 100644 index 00000000..918bc9d8 Binary files /dev/null and b/flowers/test/81/image_00814.jpg differ diff --git a/flowers/test/81/image_00815.jpg b/flowers/test/81/image_00815.jpg new file mode 100644 index 00000000..845a29ad Binary files /dev/null and b/flowers/test/81/image_00815.jpg differ diff --git a/flowers/test/81/image_00818.jpg b/flowers/test/81/image_00818.jpg new file mode 100644 index 00000000..29098520 Binary files /dev/null and b/flowers/test/81/image_00818.jpg differ diff --git a/flowers/test/81/image_00825.jpg b/flowers/test/81/image_00825.jpg new file mode 100644 index 00000000..de8640a6 Binary files /dev/null and b/flowers/test/81/image_00825.jpg differ diff --git a/flowers/test/81/image_00826.jpg b/flowers/test/81/image_00826.jpg new file mode 100644 index 00000000..59d0ee3e Binary files /dev/null and b/flowers/test/81/image_00826.jpg differ diff --git a/flowers/test/81/image_00828.jpg b/flowers/test/81/image_00828.jpg new file mode 100644 index 00000000..3a469072 Binary files /dev/null and b/flowers/test/81/image_00828.jpg differ diff --git a/flowers/test/81/image_00833.jpg b/flowers/test/81/image_00833.jpg new file mode 100644 index 00000000..2c1847d5 Binary files /dev/null and b/flowers/test/81/image_00833.jpg differ diff --git a/flowers/test/81/image_00869.jpg b/flowers/test/81/image_00869.jpg new file mode 100644 index 00000000..f1f91c82 Binary files /dev/null and b/flowers/test/81/image_00869.jpg differ diff --git a/flowers/test/81/image_00888.jpg b/flowers/test/81/image_00888.jpg new file mode 100644 index 00000000..b2e41cb1 Binary files /dev/null and b/flowers/test/81/image_00888.jpg differ diff --git a/flowers/test/81/image_00898.jpg b/flowers/test/81/image_00898.jpg new file mode 100644 index 00000000..32a226c5 Binary files /dev/null and b/flowers/test/81/image_00898.jpg differ diff --git a/flowers/test/81/image_00926.jpg b/flowers/test/81/image_00926.jpg new file mode 100644 index 00000000..8056699a Binary files /dev/null and b/flowers/test/81/image_00926.jpg differ diff --git a/flowers/test/81/image_00946.jpg b/flowers/test/81/image_00946.jpg new file mode 100644 index 00000000..a494bac9 Binary files /dev/null and b/flowers/test/81/image_00946.jpg differ diff --git a/flowers/test/82/image_01594.jpg b/flowers/test/82/image_01594.jpg new file mode 100644 index 00000000..95e200ae Binary files /dev/null and b/flowers/test/82/image_01594.jpg differ diff --git a/flowers/test/82/image_01598.jpg b/flowers/test/82/image_01598.jpg new file mode 100644 index 00000000..5dda1bac Binary files /dev/null and b/flowers/test/82/image_01598.jpg differ diff --git a/flowers/test/82/image_01599.jpg b/flowers/test/82/image_01599.jpg new file mode 100644 index 00000000..9aafadb8 Binary files /dev/null and b/flowers/test/82/image_01599.jpg differ diff --git a/flowers/test/82/image_01603.jpg b/flowers/test/82/image_01603.jpg new file mode 100644 index 00000000..16e42ac2 Binary files /dev/null and b/flowers/test/82/image_01603.jpg differ diff --git a/flowers/test/82/image_01609.jpg b/flowers/test/82/image_01609.jpg new file mode 100644 index 00000000..05ec082e Binary files /dev/null and b/flowers/test/82/image_01609.jpg differ diff --git a/flowers/test/82/image_01610.jpg b/flowers/test/82/image_01610.jpg new file mode 100644 index 00000000..9a705d46 Binary files /dev/null and b/flowers/test/82/image_01610.jpg differ diff --git a/flowers/test/82/image_01614.jpg b/flowers/test/82/image_01614.jpg new file mode 100644 index 00000000..964f732b Binary files /dev/null and b/flowers/test/82/image_01614.jpg differ diff --git a/flowers/test/82/image_01618.jpg b/flowers/test/82/image_01618.jpg new file mode 100644 index 00000000..9285b0f7 Binary files /dev/null and b/flowers/test/82/image_01618.jpg differ diff --git a/flowers/test/82/image_01650.jpg b/flowers/test/82/image_01650.jpg new file mode 100644 index 00000000..a7311212 Binary files /dev/null and b/flowers/test/82/image_01650.jpg differ diff --git a/flowers/test/82/image_01653.jpg b/flowers/test/82/image_01653.jpg new file mode 100644 index 00000000..fb3d0574 Binary files /dev/null and b/flowers/test/82/image_01653.jpg differ diff --git a/flowers/test/82/image_01661.jpg b/flowers/test/82/image_01661.jpg new file mode 100644 index 00000000..0422ee03 Binary files /dev/null and b/flowers/test/82/image_01661.jpg differ diff --git a/flowers/test/82/image_01662.jpg b/flowers/test/82/image_01662.jpg new file mode 100644 index 00000000..b700cc20 Binary files /dev/null and b/flowers/test/82/image_01662.jpg differ diff --git a/flowers/test/82/image_01666.jpg b/flowers/test/82/image_01666.jpg new file mode 100644 index 00000000..d564c0e9 Binary files /dev/null and b/flowers/test/82/image_01666.jpg differ diff --git a/flowers/test/82/image_01672.jpg b/flowers/test/82/image_01672.jpg new file mode 100644 index 00000000..167bb696 Binary files /dev/null and b/flowers/test/82/image_01672.jpg differ diff --git a/flowers/test/82/image_01679.jpg b/flowers/test/82/image_01679.jpg new file mode 100644 index 00000000..a8db9556 Binary files /dev/null and b/flowers/test/82/image_01679.jpg differ diff --git a/flowers/test/82/image_01685.jpg b/flowers/test/82/image_01685.jpg new file mode 100644 index 00000000..afc83e2b Binary files /dev/null and b/flowers/test/82/image_01685.jpg differ diff --git a/flowers/test/82/image_01686.jpg b/flowers/test/82/image_01686.jpg new file mode 100644 index 00000000..f33c7ab6 Binary files /dev/null and b/flowers/test/82/image_01686.jpg differ diff --git a/flowers/test/83/image_01735.jpg b/flowers/test/83/image_01735.jpg new file mode 100644 index 00000000..9d56bfd9 Binary files /dev/null and b/flowers/test/83/image_01735.jpg differ diff --git a/flowers/test/83/image_01737.jpg b/flowers/test/83/image_01737.jpg new file mode 100644 index 00000000..2c16ba5a Binary files /dev/null and b/flowers/test/83/image_01737.jpg differ diff --git a/flowers/test/83/image_01742.jpg b/flowers/test/83/image_01742.jpg new file mode 100644 index 00000000..74b9a9b1 Binary files /dev/null and b/flowers/test/83/image_01742.jpg differ diff --git a/flowers/test/83/image_01748.jpg b/flowers/test/83/image_01748.jpg new file mode 100644 index 00000000..c2813959 Binary files /dev/null and b/flowers/test/83/image_01748.jpg differ diff --git a/flowers/test/83/image_01755.jpg b/flowers/test/83/image_01755.jpg new file mode 100644 index 00000000..d0f8f1b8 Binary files /dev/null and b/flowers/test/83/image_01755.jpg differ diff --git a/flowers/test/83/image_01759.jpg b/flowers/test/83/image_01759.jpg new file mode 100644 index 00000000..449bf910 Binary files /dev/null and b/flowers/test/83/image_01759.jpg differ diff --git a/flowers/test/83/image_01770.jpg b/flowers/test/83/image_01770.jpg new file mode 100644 index 00000000..ef6a7301 Binary files /dev/null and b/flowers/test/83/image_01770.jpg differ diff --git a/flowers/test/83/image_01774.jpg b/flowers/test/83/image_01774.jpg new file mode 100644 index 00000000..866dc285 Binary files /dev/null and b/flowers/test/83/image_01774.jpg differ diff --git a/flowers/test/83/image_01777.jpg b/flowers/test/83/image_01777.jpg new file mode 100644 index 00000000..85ab2d30 Binary files /dev/null and b/flowers/test/83/image_01777.jpg differ diff --git a/flowers/test/83/image_01789.jpg b/flowers/test/83/image_01789.jpg new file mode 100644 index 00000000..7b40637f Binary files /dev/null and b/flowers/test/83/image_01789.jpg differ diff --git a/flowers/test/83/image_01805.jpg b/flowers/test/83/image_01805.jpg new file mode 100644 index 00000000..8d1dfa06 Binary files /dev/null and b/flowers/test/83/image_01805.jpg differ diff --git a/flowers/test/83/image_01809.jpg b/flowers/test/83/image_01809.jpg new file mode 100644 index 00000000..d7a8d366 Binary files /dev/null and b/flowers/test/83/image_01809.jpg differ diff --git a/flowers/test/83/image_01810.jpg b/flowers/test/83/image_01810.jpg new file mode 100644 index 00000000..80e0e7be Binary files /dev/null and b/flowers/test/83/image_01810.jpg differ diff --git a/flowers/test/83/image_01818.jpg b/flowers/test/83/image_01818.jpg new file mode 100644 index 00000000..c84012bb Binary files /dev/null and b/flowers/test/83/image_01818.jpg differ diff --git a/flowers/test/84/image_02557.jpg b/flowers/test/84/image_02557.jpg new file mode 100644 index 00000000..fae17fdc Binary files /dev/null and b/flowers/test/84/image_02557.jpg differ diff --git a/flowers/test/84/image_02563.jpg b/flowers/test/84/image_02563.jpg new file mode 100644 index 00000000..519f9d08 Binary files /dev/null and b/flowers/test/84/image_02563.jpg differ diff --git a/flowers/test/84/image_02568.jpg b/flowers/test/84/image_02568.jpg new file mode 100644 index 00000000..74b4d20c Binary files /dev/null and b/flowers/test/84/image_02568.jpg differ diff --git a/flowers/test/84/image_02572.jpg b/flowers/test/84/image_02572.jpg new file mode 100644 index 00000000..fb591339 Binary files /dev/null and b/flowers/test/84/image_02572.jpg differ diff --git a/flowers/test/84/image_02576.jpg b/flowers/test/84/image_02576.jpg new file mode 100644 index 00000000..53f10438 Binary files /dev/null and b/flowers/test/84/image_02576.jpg differ diff --git a/flowers/test/84/image_02581.jpg b/flowers/test/84/image_02581.jpg new file mode 100644 index 00000000..28db7b71 Binary files /dev/null and b/flowers/test/84/image_02581.jpg differ diff --git a/flowers/test/84/image_02583.jpg b/flowers/test/84/image_02583.jpg new file mode 100644 index 00000000..ae1e1345 Binary files /dev/null and b/flowers/test/84/image_02583.jpg differ diff --git a/flowers/test/84/image_02586.jpg b/flowers/test/84/image_02586.jpg new file mode 100644 index 00000000..554fbc50 Binary files /dev/null and b/flowers/test/84/image_02586.jpg differ diff --git a/flowers/test/84/image_02613.jpg b/flowers/test/84/image_02613.jpg new file mode 100644 index 00000000..046da350 Binary files /dev/null and b/flowers/test/84/image_02613.jpg differ diff --git a/flowers/test/84/image_02615.jpg b/flowers/test/84/image_02615.jpg new file mode 100644 index 00000000..337df6e2 Binary files /dev/null and b/flowers/test/84/image_02615.jpg differ diff --git a/flowers/test/85/image_04786.jpg b/flowers/test/85/image_04786.jpg new file mode 100644 index 00000000..8230cec7 Binary files /dev/null and b/flowers/test/85/image_04786.jpg differ diff --git a/flowers/test/85/image_04797.jpg b/flowers/test/85/image_04797.jpg new file mode 100644 index 00000000..0ab0f9d1 Binary files /dev/null and b/flowers/test/85/image_04797.jpg differ diff --git a/flowers/test/85/image_04801.jpg b/flowers/test/85/image_04801.jpg new file mode 100644 index 00000000..a98c9143 Binary files /dev/null and b/flowers/test/85/image_04801.jpg differ diff --git a/flowers/test/85/image_04805.jpg b/flowers/test/85/image_04805.jpg new file mode 100644 index 00000000..9b995874 Binary files /dev/null and b/flowers/test/85/image_04805.jpg differ diff --git a/flowers/test/85/image_04806.jpg b/flowers/test/85/image_04806.jpg new file mode 100644 index 00000000..4ed50250 Binary files /dev/null and b/flowers/test/85/image_04806.jpg differ diff --git a/flowers/test/85/image_04808.jpg b/flowers/test/85/image_04808.jpg new file mode 100644 index 00000000..5735a238 Binary files /dev/null and b/flowers/test/85/image_04808.jpg differ diff --git a/flowers/test/85/image_04810.jpg b/flowers/test/85/image_04810.jpg new file mode 100644 index 00000000..1522ff80 Binary files /dev/null and b/flowers/test/85/image_04810.jpg differ diff --git a/flowers/test/85/image_04814.jpg b/flowers/test/85/image_04814.jpg new file mode 100644 index 00000000..84d7e7bd Binary files /dev/null and b/flowers/test/85/image_04814.jpg differ diff --git a/flowers/test/85/image_04819.jpg b/flowers/test/85/image_04819.jpg new file mode 100644 index 00000000..627966a4 Binary files /dev/null and b/flowers/test/85/image_04819.jpg differ diff --git a/flowers/test/85/image_04825.jpg b/flowers/test/85/image_04825.jpg new file mode 100644 index 00000000..232f043c Binary files /dev/null and b/flowers/test/85/image_04825.jpg differ diff --git a/flowers/test/86/image_02865.jpg b/flowers/test/86/image_02865.jpg new file mode 100644 index 00000000..5526e3c1 Binary files /dev/null and b/flowers/test/86/image_02865.jpg differ diff --git a/flowers/test/86/image_02873.jpg b/flowers/test/86/image_02873.jpg new file mode 100644 index 00000000..54bfa1e3 Binary files /dev/null and b/flowers/test/86/image_02873.jpg differ diff --git a/flowers/test/86/image_02893.jpg b/flowers/test/86/image_02893.jpg new file mode 100644 index 00000000..9cc7d1f2 Binary files /dev/null and b/flowers/test/86/image_02893.jpg differ diff --git a/flowers/test/86/image_02910.jpg b/flowers/test/86/image_02910.jpg new file mode 100644 index 00000000..11b90f33 Binary files /dev/null and b/flowers/test/86/image_02910.jpg differ diff --git a/flowers/test/86/image_02912.jpg b/flowers/test/86/image_02912.jpg new file mode 100644 index 00000000..f34d41c8 Binary files /dev/null and b/flowers/test/86/image_02912.jpg differ diff --git a/flowers/test/87/image_05462.jpg b/flowers/test/87/image_05462.jpg new file mode 100644 index 00000000..a39b6f9f Binary files /dev/null and b/flowers/test/87/image_05462.jpg differ diff --git a/flowers/test/87/image_05466.jpg b/flowers/test/87/image_05466.jpg new file mode 100644 index 00000000..819b5089 Binary files /dev/null and b/flowers/test/87/image_05466.jpg differ diff --git a/flowers/test/87/image_05469.jpg b/flowers/test/87/image_05469.jpg new file mode 100644 index 00000000..1fad6f92 Binary files /dev/null and b/flowers/test/87/image_05469.jpg differ diff --git a/flowers/test/87/image_05485.jpg b/flowers/test/87/image_05485.jpg new file mode 100644 index 00000000..2757c45b Binary files /dev/null and b/flowers/test/87/image_05485.jpg differ diff --git a/flowers/test/87/image_05488.jpg b/flowers/test/87/image_05488.jpg new file mode 100644 index 00000000..337e7e3e Binary files /dev/null and b/flowers/test/87/image_05488.jpg differ diff --git a/flowers/test/87/image_05493.jpg b/flowers/test/87/image_05493.jpg new file mode 100644 index 00000000..e8816733 Binary files /dev/null and b/flowers/test/87/image_05493.jpg differ diff --git a/flowers/test/88/image_00457.jpg b/flowers/test/88/image_00457.jpg new file mode 100644 index 00000000..70d51338 Binary files /dev/null and b/flowers/test/88/image_00457.jpg differ diff --git a/flowers/test/88/image_00467.jpg b/flowers/test/88/image_00467.jpg new file mode 100644 index 00000000..797c36a2 Binary files /dev/null and b/flowers/test/88/image_00467.jpg differ diff --git a/flowers/test/88/image_00474.jpg b/flowers/test/88/image_00474.jpg new file mode 100644 index 00000000..65397fe4 Binary files /dev/null and b/flowers/test/88/image_00474.jpg differ diff --git a/flowers/test/88/image_00477.jpg b/flowers/test/88/image_00477.jpg new file mode 100644 index 00000000..ec89cce9 Binary files /dev/null and b/flowers/test/88/image_00477.jpg differ diff --git a/flowers/test/88/image_00482.jpg b/flowers/test/88/image_00482.jpg new file mode 100644 index 00000000..179deb40 Binary files /dev/null and b/flowers/test/88/image_00482.jpg differ diff --git a/flowers/test/88/image_00520.jpg b/flowers/test/88/image_00520.jpg new file mode 100644 index 00000000..0fc8eae4 Binary files /dev/null and b/flowers/test/88/image_00520.jpg differ diff --git a/flowers/test/88/image_00526.jpg b/flowers/test/88/image_00526.jpg new file mode 100644 index 00000000..8c47bb19 Binary files /dev/null and b/flowers/test/88/image_00526.jpg differ diff --git a/flowers/test/88/image_00540.jpg b/flowers/test/88/image_00540.jpg new file mode 100644 index 00000000..75c45355 Binary files /dev/null and b/flowers/test/88/image_00540.jpg differ diff --git a/flowers/test/88/image_00551.jpg b/flowers/test/88/image_00551.jpg new file mode 100644 index 00000000..0e18804b Binary files /dev/null and b/flowers/test/88/image_00551.jpg differ diff --git a/flowers/test/88/image_00563.jpg b/flowers/test/88/image_00563.jpg new file mode 100644 index 00000000..1c9d8dac Binary files /dev/null and b/flowers/test/88/image_00563.jpg differ diff --git a/flowers/test/88/image_00582.jpg b/flowers/test/88/image_00582.jpg new file mode 100644 index 00000000..57e6f836 Binary files /dev/null and b/flowers/test/88/image_00582.jpg differ diff --git a/flowers/test/88/image_00584.jpg b/flowers/test/88/image_00584.jpg new file mode 100644 index 00000000..447856e3 Binary files /dev/null and b/flowers/test/88/image_00584.jpg differ diff --git a/flowers/test/88/image_00594.jpg b/flowers/test/88/image_00594.jpg new file mode 100644 index 00000000..39516652 Binary files /dev/null and b/flowers/test/88/image_00594.jpg differ diff --git a/flowers/test/89/image_00610.jpg b/flowers/test/89/image_00610.jpg new file mode 100644 index 00000000..2ad69dd7 Binary files /dev/null and b/flowers/test/89/image_00610.jpg differ diff --git a/flowers/test/89/image_00617.jpg b/flowers/test/89/image_00617.jpg new file mode 100644 index 00000000..25120ba2 Binary files /dev/null and b/flowers/test/89/image_00617.jpg differ diff --git a/flowers/test/89/image_00634.jpg b/flowers/test/89/image_00634.jpg new file mode 100644 index 00000000..e5b05e95 Binary files /dev/null and b/flowers/test/89/image_00634.jpg differ diff --git a/flowers/test/89/image_00645.jpg b/flowers/test/89/image_00645.jpg new file mode 100644 index 00000000..c9438a81 Binary files /dev/null and b/flowers/test/89/image_00645.jpg differ diff --git a/flowers/test/89/image_00654.jpg b/flowers/test/89/image_00654.jpg new file mode 100644 index 00000000..f6601718 Binary files /dev/null and b/flowers/test/89/image_00654.jpg differ diff --git a/flowers/test/89/image_00676.jpg b/flowers/test/89/image_00676.jpg new file mode 100644 index 00000000..4326e3ba Binary files /dev/null and b/flowers/test/89/image_00676.jpg differ diff --git a/flowers/test/89/image_00699.jpg b/flowers/test/89/image_00699.jpg new file mode 100644 index 00000000..0ed6f889 Binary files /dev/null and b/flowers/test/89/image_00699.jpg differ diff --git a/flowers/test/89/image_00708.jpg b/flowers/test/89/image_00708.jpg new file mode 100644 index 00000000..38b8ef7c Binary files /dev/null and b/flowers/test/89/image_00708.jpg differ diff --git a/flowers/test/89/image_00724.jpg b/flowers/test/89/image_00724.jpg new file mode 100644 index 00000000..d3d13673 Binary files /dev/null and b/flowers/test/89/image_00724.jpg differ diff --git a/flowers/test/89/image_00726.jpg b/flowers/test/89/image_00726.jpg new file mode 100644 index 00000000..07c0f76b Binary files /dev/null and b/flowers/test/89/image_00726.jpg differ diff --git a/flowers/test/89/image_00740.jpg b/flowers/test/89/image_00740.jpg new file mode 100644 index 00000000..433b8e49 Binary files /dev/null and b/flowers/test/89/image_00740.jpg differ diff --git a/flowers/test/89/image_00745.jpg b/flowers/test/89/image_00745.jpg new file mode 100644 index 00000000..5905502b Binary files /dev/null and b/flowers/test/89/image_00745.jpg differ diff --git a/flowers/test/89/image_00755.jpg b/flowers/test/89/image_00755.jpg new file mode 100644 index 00000000..2f691794 Binary files /dev/null and b/flowers/test/89/image_00755.jpg differ diff --git a/flowers/test/89/image_00756.jpg b/flowers/test/89/image_00756.jpg new file mode 100644 index 00000000..eb1ece20 Binary files /dev/null and b/flowers/test/89/image_00756.jpg differ diff --git a/flowers/test/89/image_00779.jpg b/flowers/test/89/image_00779.jpg new file mode 100644 index 00000000..51382367 Binary files /dev/null and b/flowers/test/89/image_00779.jpg differ diff --git a/flowers/test/9/image_06410.jpg b/flowers/test/9/image_06410.jpg new file mode 100644 index 00000000..bd672478 Binary files /dev/null and b/flowers/test/9/image_06410.jpg differ diff --git a/flowers/test/9/image_06413.jpg b/flowers/test/9/image_06413.jpg new file mode 100644 index 00000000..39f614e5 Binary files /dev/null and b/flowers/test/9/image_06413.jpg differ diff --git a/flowers/test/90/image_04405.jpg b/flowers/test/90/image_04405.jpg new file mode 100644 index 00000000..a4b8bc0e Binary files /dev/null and b/flowers/test/90/image_04405.jpg differ diff --git a/flowers/test/90/image_04407.jpg b/flowers/test/90/image_04407.jpg new file mode 100644 index 00000000..91d79fa1 Binary files /dev/null and b/flowers/test/90/image_04407.jpg differ diff --git a/flowers/test/90/image_04417.jpg b/flowers/test/90/image_04417.jpg new file mode 100644 index 00000000..250fbd1c Binary files /dev/null and b/flowers/test/90/image_04417.jpg differ diff --git a/flowers/test/90/image_04420.jpg b/flowers/test/90/image_04420.jpg new file mode 100644 index 00000000..760bbf0b Binary files /dev/null and b/flowers/test/90/image_04420.jpg differ diff --git a/flowers/test/90/image_04426.jpg b/flowers/test/90/image_04426.jpg new file mode 100644 index 00000000..a07e1fac Binary files /dev/null and b/flowers/test/90/image_04426.jpg differ diff --git a/flowers/test/90/image_04428.jpg b/flowers/test/90/image_04428.jpg new file mode 100644 index 00000000..cb96476c Binary files /dev/null and b/flowers/test/90/image_04428.jpg differ diff --git a/flowers/test/90/image_04430.jpg b/flowers/test/90/image_04430.jpg new file mode 100644 index 00000000..c8fed9c1 Binary files /dev/null and b/flowers/test/90/image_04430.jpg differ diff --git a/flowers/test/90/image_04431.jpg b/flowers/test/90/image_04431.jpg new file mode 100644 index 00000000..c0a3db2c Binary files /dev/null and b/flowers/test/90/image_04431.jpg differ diff --git a/flowers/test/90/image_04432.jpg b/flowers/test/90/image_04432.jpg new file mode 100644 index 00000000..b303f72e Binary files /dev/null and b/flowers/test/90/image_04432.jpg differ diff --git a/flowers/test/90/image_04458.jpg b/flowers/test/90/image_04458.jpg new file mode 100644 index 00000000..f237f80a Binary files /dev/null and b/flowers/test/90/image_04458.jpg differ diff --git a/flowers/test/90/image_04459.jpg b/flowers/test/90/image_04459.jpg new file mode 100644 index 00000000..67f0ab78 Binary files /dev/null and b/flowers/test/90/image_04459.jpg differ diff --git a/flowers/test/90/image_04468.jpg b/flowers/test/90/image_04468.jpg new file mode 100644 index 00000000..bcc48fe6 Binary files /dev/null and b/flowers/test/90/image_04468.jpg differ diff --git a/flowers/test/90/image_04469.jpg b/flowers/test/90/image_04469.jpg new file mode 100644 index 00000000..2c9f0e01 Binary files /dev/null and b/flowers/test/90/image_04469.jpg differ diff --git a/flowers/test/90/image_04473.jpg b/flowers/test/90/image_04473.jpg new file mode 100644 index 00000000..bf6a6017 Binary files /dev/null and b/flowers/test/90/image_04473.jpg differ diff --git a/flowers/test/91/image_04851.jpg b/flowers/test/91/image_04851.jpg new file mode 100644 index 00000000..5efd95a4 Binary files /dev/null and b/flowers/test/91/image_04851.jpg differ diff --git a/flowers/test/91/image_04856.jpg b/flowers/test/91/image_04856.jpg new file mode 100644 index 00000000..92b6d262 Binary files /dev/null and b/flowers/test/91/image_04856.jpg differ diff --git a/flowers/test/91/image_04860.jpg b/flowers/test/91/image_04860.jpg new file mode 100644 index 00000000..87209f51 Binary files /dev/null and b/flowers/test/91/image_04860.jpg differ diff --git a/flowers/test/91/image_04870.jpg b/flowers/test/91/image_04870.jpg new file mode 100644 index 00000000..2cffb859 Binary files /dev/null and b/flowers/test/91/image_04870.jpg differ diff --git a/flowers/test/91/image_04875.jpg b/flowers/test/91/image_04875.jpg new file mode 100644 index 00000000..b2251d91 Binary files /dev/null and b/flowers/test/91/image_04875.jpg differ diff --git a/flowers/test/91/image_04883.jpg b/flowers/test/91/image_04883.jpg new file mode 100644 index 00000000..546a1bf6 Binary files /dev/null and b/flowers/test/91/image_04883.jpg differ diff --git a/flowers/test/91/image_04890.jpg b/flowers/test/91/image_04890.jpg new file mode 100644 index 00000000..f8e947ea Binary files /dev/null and b/flowers/test/91/image_04890.jpg differ diff --git a/flowers/test/91/image_08061.jpg b/flowers/test/91/image_08061.jpg new file mode 100644 index 00000000..1f73fd84 Binary files /dev/null and b/flowers/test/91/image_08061.jpg differ diff --git a/flowers/test/92/image_03032.jpg b/flowers/test/92/image_03032.jpg new file mode 100644 index 00000000..6eb588b7 Binary files /dev/null and b/flowers/test/92/image_03032.jpg differ diff --git a/flowers/test/92/image_03039.jpg b/flowers/test/92/image_03039.jpg new file mode 100644 index 00000000..1fbbc291 Binary files /dev/null and b/flowers/test/92/image_03039.jpg differ diff --git a/flowers/test/92/image_03041.jpg b/flowers/test/92/image_03041.jpg new file mode 100644 index 00000000..823c8e3e Binary files /dev/null and b/flowers/test/92/image_03041.jpg differ diff --git a/flowers/test/92/image_03044.jpg b/flowers/test/92/image_03044.jpg new file mode 100644 index 00000000..e10399fe Binary files /dev/null and b/flowers/test/92/image_03044.jpg differ diff --git a/flowers/test/92/image_03048.jpg b/flowers/test/92/image_03048.jpg new file mode 100644 index 00000000..7ad73f01 Binary files /dev/null and b/flowers/test/92/image_03048.jpg differ diff --git a/flowers/test/92/image_03049.jpg b/flowers/test/92/image_03049.jpg new file mode 100644 index 00000000..54bd6ef8 Binary files /dev/null and b/flowers/test/92/image_03049.jpg differ diff --git a/flowers/test/92/image_03052.jpg b/flowers/test/92/image_03052.jpg new file mode 100644 index 00000000..44a4f793 Binary files /dev/null and b/flowers/test/92/image_03052.jpg differ diff --git a/flowers/test/92/image_03054.jpg b/flowers/test/92/image_03054.jpg new file mode 100644 index 00000000..5f283ffc Binary files /dev/null and b/flowers/test/92/image_03054.jpg differ diff --git a/flowers/test/92/image_03056.jpg b/flowers/test/92/image_03056.jpg new file mode 100644 index 00000000..a19fdce9 Binary files /dev/null and b/flowers/test/92/image_03056.jpg differ diff --git a/flowers/test/92/image_03058.jpg b/flowers/test/92/image_03058.jpg new file mode 100644 index 00000000..125f9e9e Binary files /dev/null and b/flowers/test/92/image_03058.jpg differ diff --git a/flowers/test/92/image_03075.jpg b/flowers/test/92/image_03075.jpg new file mode 100644 index 00000000..b613bd13 Binary files /dev/null and b/flowers/test/92/image_03075.jpg differ diff --git a/flowers/test/93/image_06014.jpg b/flowers/test/93/image_06014.jpg new file mode 100644 index 00000000..453e51cf Binary files /dev/null and b/flowers/test/93/image_06014.jpg differ diff --git a/flowers/test/93/image_06017.jpg b/flowers/test/93/image_06017.jpg new file mode 100644 index 00000000..f4f09df2 Binary files /dev/null and b/flowers/test/93/image_06017.jpg differ diff --git a/flowers/test/93/image_06021.jpg b/flowers/test/93/image_06021.jpg new file mode 100644 index 00000000..df099809 Binary files /dev/null and b/flowers/test/93/image_06021.jpg differ diff --git a/flowers/test/93/image_06031.jpg b/flowers/test/93/image_06031.jpg new file mode 100644 index 00000000..e6da13fd Binary files /dev/null and b/flowers/test/93/image_06031.jpg differ diff --git a/flowers/test/93/image_06033.jpg b/flowers/test/93/image_06033.jpg new file mode 100644 index 00000000..bfa0872a Binary files /dev/null and b/flowers/test/93/image_06033.jpg differ diff --git a/flowers/test/93/image_06037.jpg b/flowers/test/93/image_06037.jpg new file mode 100644 index 00000000..9d0ee406 Binary files /dev/null and b/flowers/test/93/image_06037.jpg differ diff --git a/flowers/test/94/image_07308.jpg b/flowers/test/94/image_07308.jpg new file mode 100644 index 00000000..633fee29 Binary files /dev/null and b/flowers/test/94/image_07308.jpg differ diff --git a/flowers/test/94/image_07327.jpg b/flowers/test/94/image_07327.jpg new file mode 100644 index 00000000..98080b58 Binary files /dev/null and b/flowers/test/94/image_07327.jpg differ diff --git a/flowers/test/94/image_07333.jpg b/flowers/test/94/image_07333.jpg new file mode 100644 index 00000000..e6fabd1c Binary files /dev/null and b/flowers/test/94/image_07333.jpg differ diff --git a/flowers/test/94/image_07346.jpg b/flowers/test/94/image_07346.jpg new file mode 100644 index 00000000..4ba044e5 Binary files /dev/null and b/flowers/test/94/image_07346.jpg differ diff --git a/flowers/test/94/image_07352.jpg b/flowers/test/94/image_07352.jpg new file mode 100644 index 00000000..8660a325 Binary files /dev/null and b/flowers/test/94/image_07352.jpg differ diff --git a/flowers/test/94/image_07357.jpg b/flowers/test/94/image_07357.jpg new file mode 100644 index 00000000..755693ff Binary files /dev/null and b/flowers/test/94/image_07357.jpg differ diff --git a/flowers/test/94/image_07358.jpg b/flowers/test/94/image_07358.jpg new file mode 100644 index 00000000..da945e90 Binary files /dev/null and b/flowers/test/94/image_07358.jpg differ diff --git a/flowers/test/94/image_07361.jpg b/flowers/test/94/image_07361.jpg new file mode 100644 index 00000000..7f5a0c64 Binary files /dev/null and b/flowers/test/94/image_07361.jpg differ diff --git a/flowers/test/94/image_07370.jpg b/flowers/test/94/image_07370.jpg new file mode 100644 index 00000000..d2db7a1e Binary files /dev/null and b/flowers/test/94/image_07370.jpg differ diff --git a/flowers/test/94/image_07388.jpg b/flowers/test/94/image_07388.jpg new file mode 100644 index 00000000..15880afc Binary files /dev/null and b/flowers/test/94/image_07388.jpg differ diff --git a/flowers/test/94/image_07395.jpg b/flowers/test/94/image_07395.jpg new file mode 100644 index 00000000..1867ec89 Binary files /dev/null and b/flowers/test/94/image_07395.jpg differ diff --git a/flowers/test/94/image_07399.jpg b/flowers/test/94/image_07399.jpg new file mode 100644 index 00000000..dee40600 Binary files /dev/null and b/flowers/test/94/image_07399.jpg differ diff --git a/flowers/test/94/image_07400.jpg b/flowers/test/94/image_07400.jpg new file mode 100644 index 00000000..3d5309aa Binary files /dev/null and b/flowers/test/94/image_07400.jpg differ diff --git a/flowers/test/94/image_07415.jpg b/flowers/test/94/image_07415.jpg new file mode 100644 index 00000000..3054e394 Binary files /dev/null and b/flowers/test/94/image_07415.jpg differ diff --git a/flowers/test/94/image_07434.jpg b/flowers/test/94/image_07434.jpg new file mode 100644 index 00000000..1f5e430a Binary files /dev/null and b/flowers/test/94/image_07434.jpg differ diff --git a/flowers/test/94/image_07436.jpg b/flowers/test/94/image_07436.jpg new file mode 100644 index 00000000..18e34de3 Binary files /dev/null and b/flowers/test/94/image_07436.jpg differ diff --git a/flowers/test/95/image_07468.jpg b/flowers/test/95/image_07468.jpg new file mode 100644 index 00000000..78c2424c Binary files /dev/null and b/flowers/test/95/image_07468.jpg differ diff --git a/flowers/test/95/image_07470.jpg b/flowers/test/95/image_07470.jpg new file mode 100644 index 00000000..7e4cef30 Binary files /dev/null and b/flowers/test/95/image_07470.jpg differ diff --git a/flowers/test/95/image_07472.jpg b/flowers/test/95/image_07472.jpg new file mode 100644 index 00000000..a439f2f3 Binary files /dev/null and b/flowers/test/95/image_07472.jpg differ diff --git a/flowers/test/95/image_07487.jpg b/flowers/test/95/image_07487.jpg new file mode 100644 index 00000000..6af8cfac Binary files /dev/null and b/flowers/test/95/image_07487.jpg differ diff --git a/flowers/test/95/image_07505.jpg b/flowers/test/95/image_07505.jpg new file mode 100644 index 00000000..69d83b69 Binary files /dev/null and b/flowers/test/95/image_07505.jpg differ diff --git a/flowers/test/95/image_07508.jpg b/flowers/test/95/image_07508.jpg new file mode 100644 index 00000000..a823dd15 Binary files /dev/null and b/flowers/test/95/image_07508.jpg differ diff --git a/flowers/test/95/image_07514.jpg b/flowers/test/95/image_07514.jpg new file mode 100644 index 00000000..c464527b Binary files /dev/null and b/flowers/test/95/image_07514.jpg differ diff --git a/flowers/test/95/image_07519.jpg b/flowers/test/95/image_07519.jpg new file mode 100644 index 00000000..a60b2072 Binary files /dev/null and b/flowers/test/95/image_07519.jpg differ diff --git a/flowers/test/95/image_07536.jpg b/flowers/test/95/image_07536.jpg new file mode 100644 index 00000000..0a80f19a Binary files /dev/null and b/flowers/test/95/image_07536.jpg differ diff --git a/flowers/test/95/image_07550.jpg b/flowers/test/95/image_07550.jpg new file mode 100644 index 00000000..82f0477e Binary files /dev/null and b/flowers/test/95/image_07550.jpg differ diff --git a/flowers/test/95/image_07551.jpg b/flowers/test/95/image_07551.jpg new file mode 100644 index 00000000..ef4d1a25 Binary files /dev/null and b/flowers/test/95/image_07551.jpg differ diff --git a/flowers/test/95/image_07561.jpg b/flowers/test/95/image_07561.jpg new file mode 100644 index 00000000..f2f44df0 Binary files /dev/null and b/flowers/test/95/image_07561.jpg differ diff --git a/flowers/test/95/image_07573.jpg b/flowers/test/95/image_07573.jpg new file mode 100644 index 00000000..5f3a4762 Binary files /dev/null and b/flowers/test/95/image_07573.jpg differ diff --git a/flowers/test/95/image_07584.jpg b/flowers/test/95/image_07584.jpg new file mode 100644 index 00000000..e8ff4129 Binary files /dev/null and b/flowers/test/95/image_07584.jpg differ diff --git a/flowers/test/96/image_07596.jpg b/flowers/test/96/image_07596.jpg new file mode 100644 index 00000000..2170a97b Binary files /dev/null and b/flowers/test/96/image_07596.jpg differ diff --git a/flowers/test/96/image_07597.jpg b/flowers/test/96/image_07597.jpg new file mode 100644 index 00000000..200190fa Binary files /dev/null and b/flowers/test/96/image_07597.jpg differ diff --git a/flowers/test/96/image_07606.jpg b/flowers/test/96/image_07606.jpg new file mode 100644 index 00000000..97bbeec3 Binary files /dev/null and b/flowers/test/96/image_07606.jpg differ diff --git a/flowers/test/96/image_07622.jpg b/flowers/test/96/image_07622.jpg new file mode 100644 index 00000000..bca05d24 Binary files /dev/null and b/flowers/test/96/image_07622.jpg differ diff --git a/flowers/test/96/image_07646.jpg b/flowers/test/96/image_07646.jpg new file mode 100644 index 00000000..f8f3f9fe Binary files /dev/null and b/flowers/test/96/image_07646.jpg differ diff --git a/flowers/test/96/image_07668.jpg b/flowers/test/96/image_07668.jpg new file mode 100644 index 00000000..b974103c Binary files /dev/null and b/flowers/test/96/image_07668.jpg differ diff --git a/flowers/test/96/image_07672.jpg b/flowers/test/96/image_07672.jpg new file mode 100644 index 00000000..92e6fe50 Binary files /dev/null and b/flowers/test/96/image_07672.jpg differ diff --git a/flowers/test/96/image_07676.jpg b/flowers/test/96/image_07676.jpg new file mode 100644 index 00000000..3e2b8a67 Binary files /dev/null and b/flowers/test/96/image_07676.jpg differ diff --git a/flowers/test/96/image_07683.jpg b/flowers/test/96/image_07683.jpg new file mode 100644 index 00000000..8cb528f9 Binary files /dev/null and b/flowers/test/96/image_07683.jpg differ diff --git a/flowers/test/97/image_07696.jpg b/flowers/test/97/image_07696.jpg new file mode 100644 index 00000000..c237cfa8 Binary files /dev/null and b/flowers/test/97/image_07696.jpg differ diff --git a/flowers/test/97/image_07708.jpg b/flowers/test/97/image_07708.jpg new file mode 100644 index 00000000..e8003d04 Binary files /dev/null and b/flowers/test/97/image_07708.jpg differ diff --git a/flowers/test/97/image_07709.jpg b/flowers/test/97/image_07709.jpg new file mode 100644 index 00000000..08207dc3 Binary files /dev/null and b/flowers/test/97/image_07709.jpg differ diff --git a/flowers/test/97/image_07719.jpg b/flowers/test/97/image_07719.jpg new file mode 100644 index 00000000..55a78d77 Binary files /dev/null and b/flowers/test/97/image_07719.jpg differ diff --git a/flowers/test/97/image_07737.jpg b/flowers/test/97/image_07737.jpg new file mode 100644 index 00000000..e2d0e046 Binary files /dev/null and b/flowers/test/97/image_07737.jpg differ diff --git a/flowers/test/98/image_07753.jpg b/flowers/test/98/image_07753.jpg new file mode 100644 index 00000000..434b2139 Binary files /dev/null and b/flowers/test/98/image_07753.jpg differ diff --git a/flowers/test/98/image_07758.jpg b/flowers/test/98/image_07758.jpg new file mode 100644 index 00000000..bb5f2798 Binary files /dev/null and b/flowers/test/98/image_07758.jpg differ diff --git a/flowers/test/98/image_07777.jpg b/flowers/test/98/image_07777.jpg new file mode 100644 index 00000000..3ec2758b Binary files /dev/null and b/flowers/test/98/image_07777.jpg differ diff --git a/flowers/test/98/image_07787.jpg b/flowers/test/98/image_07787.jpg new file mode 100644 index 00000000..82e00c23 Binary files /dev/null and b/flowers/test/98/image_07787.jpg differ diff --git a/flowers/test/99/image_07833.jpg b/flowers/test/99/image_07833.jpg new file mode 100644 index 00000000..db12415a Binary files /dev/null and b/flowers/test/99/image_07833.jpg differ diff --git a/flowers/test/99/image_07838.jpg b/flowers/test/99/image_07838.jpg new file mode 100644 index 00000000..684a10e1 Binary files /dev/null and b/flowers/test/99/image_07838.jpg differ diff --git a/flowers/test/99/image_07840.jpg b/flowers/test/99/image_07840.jpg new file mode 100644 index 00000000..576177d7 Binary files /dev/null and b/flowers/test/99/image_07840.jpg differ diff --git a/flowers/test/99/image_07854.jpg b/flowers/test/99/image_07854.jpg new file mode 100644 index 00000000..97bc8ec5 Binary files /dev/null and b/flowers/test/99/image_07854.jpg differ diff --git a/flowers/test/99/image_07857.jpg b/flowers/test/99/image_07857.jpg new file mode 100644 index 00000000..ef9a265d Binary files /dev/null and b/flowers/test/99/image_07857.jpg differ diff --git a/flowers/test/99/image_07871.jpg b/flowers/test/99/image_07871.jpg new file mode 100644 index 00000000..82085248 Binary files /dev/null and b/flowers/test/99/image_07871.jpg differ diff --git a/flowers/test/99/image_07874.jpg b/flowers/test/99/image_07874.jpg new file mode 100644 index 00000000..bb499eed Binary files /dev/null and b/flowers/test/99/image_07874.jpg differ diff --git a/flowers/train/1/image_06734.jpg b/flowers/train/1/image_06734.jpg new file mode 100644 index 00000000..610660bd Binary files /dev/null and b/flowers/train/1/image_06734.jpg differ diff --git a/flowers/train/1/image_06735.jpg b/flowers/train/1/image_06735.jpg new file mode 100644 index 00000000..54cd3d88 Binary files /dev/null and b/flowers/train/1/image_06735.jpg differ diff --git a/flowers/train/1/image_06736.jpg b/flowers/train/1/image_06736.jpg new file mode 100644 index 00000000..f512afbc Binary files /dev/null and b/flowers/train/1/image_06736.jpg differ diff --git a/flowers/train/1/image_06737.jpg b/flowers/train/1/image_06737.jpg new file mode 100644 index 00000000..bd679854 Binary files /dev/null and b/flowers/train/1/image_06737.jpg differ diff --git a/flowers/train/1/image_06738.jpg b/flowers/train/1/image_06738.jpg new file mode 100644 index 00000000..0b64c7dc Binary files /dev/null and b/flowers/train/1/image_06738.jpg differ diff --git a/flowers/train/1/image_06740.jpg b/flowers/train/1/image_06740.jpg new file mode 100644 index 00000000..77638d18 Binary files /dev/null and b/flowers/train/1/image_06740.jpg differ diff --git a/flowers/train/1/image_06741.jpg b/flowers/train/1/image_06741.jpg new file mode 100644 index 00000000..60b5b980 Binary files /dev/null and b/flowers/train/1/image_06741.jpg differ diff --git a/flowers/train/1/image_06742.jpg b/flowers/train/1/image_06742.jpg new file mode 100644 index 00000000..939a84a4 Binary files /dev/null and b/flowers/train/1/image_06742.jpg differ diff --git a/flowers/train/1/image_06744.jpg b/flowers/train/1/image_06744.jpg new file mode 100644 index 00000000..46b87d0c Binary files /dev/null and b/flowers/train/1/image_06744.jpg differ diff --git a/flowers/train/1/image_06745.jpg b/flowers/train/1/image_06745.jpg new file mode 100644 index 00000000..d06022f2 Binary files /dev/null and b/flowers/train/1/image_06745.jpg differ diff --git a/flowers/train/1/image_06746.jpg b/flowers/train/1/image_06746.jpg new file mode 100644 index 00000000..7bd2f7e7 Binary files /dev/null and b/flowers/train/1/image_06746.jpg differ diff --git a/flowers/train/1/image_06747.jpg b/flowers/train/1/image_06747.jpg new file mode 100644 index 00000000..2c1d6a99 Binary files /dev/null and b/flowers/train/1/image_06747.jpg differ diff --git a/flowers/train/1/image_06748.jpg b/flowers/train/1/image_06748.jpg new file mode 100644 index 00000000..cf8994fa Binary files /dev/null and b/flowers/train/1/image_06748.jpg differ diff --git a/flowers/train/1/image_06750.jpg b/flowers/train/1/image_06750.jpg new file mode 100644 index 00000000..c5fdbec5 Binary files /dev/null and b/flowers/train/1/image_06750.jpg differ diff --git a/flowers/train/1/image_06751.jpg b/flowers/train/1/image_06751.jpg new file mode 100644 index 00000000..f8e8b901 Binary files /dev/null and b/flowers/train/1/image_06751.jpg differ diff --git a/flowers/train/1/image_06753.jpg b/flowers/train/1/image_06753.jpg new file mode 100644 index 00000000..2109ce02 Binary files /dev/null and b/flowers/train/1/image_06753.jpg differ diff --git a/flowers/train/1/image_06757.jpg b/flowers/train/1/image_06757.jpg new file mode 100644 index 00000000..4c14ca7e Binary files /dev/null and b/flowers/train/1/image_06757.jpg differ diff --git a/flowers/train/1/image_06759.jpg b/flowers/train/1/image_06759.jpg new file mode 100644 index 00000000..9776d783 Binary files /dev/null and b/flowers/train/1/image_06759.jpg differ diff --git a/flowers/train/1/image_06761.jpg b/flowers/train/1/image_06761.jpg new file mode 100644 index 00000000..0b09f452 Binary files /dev/null and b/flowers/train/1/image_06761.jpg differ diff --git a/flowers/train/1/image_06762.jpg b/flowers/train/1/image_06762.jpg new file mode 100644 index 00000000..8eda3542 Binary files /dev/null and b/flowers/train/1/image_06762.jpg differ diff --git a/flowers/train/1/image_06766.jpg b/flowers/train/1/image_06766.jpg new file mode 100644 index 00000000..b34ce145 Binary files /dev/null and b/flowers/train/1/image_06766.jpg differ diff --git a/flowers/train/1/image_06767.jpg b/flowers/train/1/image_06767.jpg new file mode 100644 index 00000000..28fd2dbf Binary files /dev/null and b/flowers/train/1/image_06767.jpg differ diff --git a/flowers/train/1/image_06768.jpg b/flowers/train/1/image_06768.jpg new file mode 100644 index 00000000..671be757 Binary files /dev/null and b/flowers/train/1/image_06768.jpg differ diff --git a/flowers/train/1/image_06770.jpg b/flowers/train/1/image_06770.jpg new file mode 100644 index 00000000..a38ef1ff Binary files /dev/null and b/flowers/train/1/image_06770.jpg differ diff --git a/flowers/train/1/image_06771.jpg b/flowers/train/1/image_06771.jpg new file mode 100644 index 00000000..8db6ffbc Binary files /dev/null and b/flowers/train/1/image_06771.jpg differ diff --git a/flowers/train/1/image_06772.jpg b/flowers/train/1/image_06772.jpg new file mode 100644 index 00000000..db018e16 Binary files /dev/null and b/flowers/train/1/image_06772.jpg differ diff --git a/flowers/train/1/image_06773.jpg b/flowers/train/1/image_06773.jpg new file mode 100644 index 00000000..f4fde552 Binary files /dev/null and b/flowers/train/1/image_06773.jpg differ diff --git a/flowers/train/10/image_07086.jpg b/flowers/train/10/image_07086.jpg new file mode 100644 index 00000000..a6c30561 Binary files /dev/null and b/flowers/train/10/image_07086.jpg differ diff --git a/flowers/train/10/image_07087.jpg b/flowers/train/10/image_07087.jpg new file mode 100644 index 00000000..ced8fbef Binary files /dev/null and b/flowers/train/10/image_07087.jpg differ diff --git a/flowers/train/10/image_07088.jpg b/flowers/train/10/image_07088.jpg new file mode 100644 index 00000000..d5a52cdb Binary files /dev/null and b/flowers/train/10/image_07088.jpg differ diff --git a/flowers/train/10/image_07089.jpg b/flowers/train/10/image_07089.jpg new file mode 100644 index 00000000..3f239955 Binary files /dev/null and b/flowers/train/10/image_07089.jpg differ diff --git a/flowers/train/10/image_07091.jpg b/flowers/train/10/image_07091.jpg new file mode 100644 index 00000000..276a92ea Binary files /dev/null and b/flowers/train/10/image_07091.jpg differ diff --git a/flowers/train/10/image_07092.jpg b/flowers/train/10/image_07092.jpg new file mode 100644 index 00000000..55a80b33 Binary files /dev/null and b/flowers/train/10/image_07092.jpg differ diff --git a/flowers/train/10/image_07093.jpg b/flowers/train/10/image_07093.jpg new file mode 100644 index 00000000..cdccff33 Binary files /dev/null and b/flowers/train/10/image_07093.jpg differ diff --git a/flowers/train/10/image_07095.jpg b/flowers/train/10/image_07095.jpg new file mode 100644 index 00000000..dac5c12e Binary files /dev/null and b/flowers/train/10/image_07095.jpg differ diff --git a/flowers/train/10/image_07096.jpg b/flowers/train/10/image_07096.jpg new file mode 100644 index 00000000..89514030 Binary files /dev/null and b/flowers/train/10/image_07096.jpg differ diff --git a/flowers/train/10/image_07097.jpg b/flowers/train/10/image_07097.jpg new file mode 100644 index 00000000..e0f5b798 Binary files /dev/null and b/flowers/train/10/image_07097.jpg differ diff --git a/flowers/train/10/image_07098.jpg b/flowers/train/10/image_07098.jpg new file mode 100644 index 00000000..4c73b87f Binary files /dev/null and b/flowers/train/10/image_07098.jpg differ diff --git a/flowers/train/10/image_07099.jpg b/flowers/train/10/image_07099.jpg new file mode 100644 index 00000000..ee9ec336 Binary files /dev/null and b/flowers/train/10/image_07099.jpg differ diff --git a/flowers/train/10/image_07100.jpg b/flowers/train/10/image_07100.jpg new file mode 100644 index 00000000..a6dfbcf1 Binary files /dev/null and b/flowers/train/10/image_07100.jpg differ diff --git a/flowers/train/10/image_07103.jpg b/flowers/train/10/image_07103.jpg new file mode 100644 index 00000000..124c48c5 Binary files /dev/null and b/flowers/train/10/image_07103.jpg differ diff --git a/flowers/train/10/image_07105.jpg b/flowers/train/10/image_07105.jpg new file mode 100644 index 00000000..50562e39 Binary files /dev/null and b/flowers/train/10/image_07105.jpg differ diff --git a/flowers/train/10/image_07106.jpg b/flowers/train/10/image_07106.jpg new file mode 100644 index 00000000..1dd0a946 Binary files /dev/null and b/flowers/train/10/image_07106.jpg differ diff --git a/flowers/train/10/image_07108.jpg b/flowers/train/10/image_07108.jpg new file mode 100644 index 00000000..9df2e7d2 Binary files /dev/null and b/flowers/train/10/image_07108.jpg differ diff --git a/flowers/train/10/image_07109.jpg b/flowers/train/10/image_07109.jpg new file mode 100644 index 00000000..e3a6da1a Binary files /dev/null and b/flowers/train/10/image_07109.jpg differ diff --git a/flowers/train/10/image_07110.jpg b/flowers/train/10/image_07110.jpg new file mode 100644 index 00000000..5f7d451d Binary files /dev/null and b/flowers/train/10/image_07110.jpg differ diff --git a/flowers/train/10/image_07111.jpg b/flowers/train/10/image_07111.jpg new file mode 100644 index 00000000..f42ea217 Binary files /dev/null and b/flowers/train/10/image_07111.jpg differ diff --git a/flowers/train/10/image_07112.jpg b/flowers/train/10/image_07112.jpg new file mode 100644 index 00000000..75cc646a Binary files /dev/null and b/flowers/train/10/image_07112.jpg differ diff --git a/flowers/train/10/image_07113.jpg b/flowers/train/10/image_07113.jpg new file mode 100644 index 00000000..6f2248d5 Binary files /dev/null and b/flowers/train/10/image_07113.jpg differ diff --git a/flowers/train/10/image_07114.jpg b/flowers/train/10/image_07114.jpg new file mode 100644 index 00000000..90794fcf Binary files /dev/null and b/flowers/train/10/image_07114.jpg differ diff --git a/flowers/train/10/image_07115.jpg b/flowers/train/10/image_07115.jpg new file mode 100644 index 00000000..2e43f10e Binary files /dev/null and b/flowers/train/10/image_07115.jpg differ diff --git a/flowers/train/10/image_07116.jpg b/flowers/train/10/image_07116.jpg new file mode 100644 index 00000000..98d52f7a Binary files /dev/null and b/flowers/train/10/image_07116.jpg differ diff --git a/flowers/train/10/image_07118.jpg b/flowers/train/10/image_07118.jpg new file mode 100644 index 00000000..ccf3ac56 Binary files /dev/null and b/flowers/train/10/image_07118.jpg differ diff --git a/flowers/train/10/image_07119.jpg b/flowers/train/10/image_07119.jpg new file mode 100644 index 00000000..1bce572d Binary files /dev/null and b/flowers/train/10/image_07119.jpg differ diff --git a/flowers/train/10/image_07120.jpg b/flowers/train/10/image_07120.jpg new file mode 100644 index 00000000..6785f106 Binary files /dev/null and b/flowers/train/10/image_07120.jpg differ diff --git a/flowers/train/10/image_07121.jpg b/flowers/train/10/image_07121.jpg new file mode 100644 index 00000000..359c9b1a Binary files /dev/null and b/flowers/train/10/image_07121.jpg differ diff --git a/flowers/train/10/image_07122.jpg b/flowers/train/10/image_07122.jpg new file mode 100644 index 00000000..e1e5a6f9 Binary files /dev/null and b/flowers/train/10/image_07122.jpg differ diff --git a/flowers/train/10/image_08090.jpg b/flowers/train/10/image_08090.jpg new file mode 100644 index 00000000..b46f1f93 Binary files /dev/null and b/flowers/train/10/image_08090.jpg differ diff --git a/flowers/train/10/image_08091.jpg b/flowers/train/10/image_08091.jpg new file mode 100644 index 00000000..727e34ff Binary files /dev/null and b/flowers/train/10/image_08091.jpg differ diff --git a/flowers/train/10/image_08092.jpg b/flowers/train/10/image_08092.jpg new file mode 100644 index 00000000..e608b746 Binary files /dev/null and b/flowers/train/10/image_08092.jpg differ diff --git a/flowers/train/10/image_08093.jpg b/flowers/train/10/image_08093.jpg new file mode 100644 index 00000000..24e0ddf3 Binary files /dev/null and b/flowers/train/10/image_08093.jpg differ diff --git a/flowers/train/10/image_08094.jpg b/flowers/train/10/image_08094.jpg new file mode 100644 index 00000000..f8541a82 Binary files /dev/null and b/flowers/train/10/image_08094.jpg differ diff --git a/flowers/train/10/image_08095.jpg b/flowers/train/10/image_08095.jpg new file mode 100644 index 00000000..86657b0e Binary files /dev/null and b/flowers/train/10/image_08095.jpg differ diff --git a/flowers/train/10/image_08096.jpg b/flowers/train/10/image_08096.jpg new file mode 100644 index 00000000..290d8af6 Binary files /dev/null and b/flowers/train/10/image_08096.jpg differ diff --git a/flowers/train/10/image_08097.jpg b/flowers/train/10/image_08097.jpg new file mode 100644 index 00000000..b77e9646 Binary files /dev/null and b/flowers/train/10/image_08097.jpg differ diff --git a/flowers/train/100/image_07893.jpg b/flowers/train/100/image_07893.jpg new file mode 100644 index 00000000..0e7d256d Binary files /dev/null and b/flowers/train/100/image_07893.jpg differ diff --git a/flowers/train/100/image_07894.jpg b/flowers/train/100/image_07894.jpg new file mode 100644 index 00000000..5f9ad6ae Binary files /dev/null and b/flowers/train/100/image_07894.jpg differ diff --git a/flowers/train/100/image_07898.jpg b/flowers/train/100/image_07898.jpg new file mode 100644 index 00000000..2d74055c Binary files /dev/null and b/flowers/train/100/image_07898.jpg differ diff --git a/flowers/train/100/image_07900.jpg b/flowers/train/100/image_07900.jpg new file mode 100644 index 00000000..74b3772b Binary files /dev/null and b/flowers/train/100/image_07900.jpg differ diff --git a/flowers/train/100/image_07901.jpg b/flowers/train/100/image_07901.jpg new file mode 100644 index 00000000..edf4fd1e Binary files /dev/null and b/flowers/train/100/image_07901.jpg differ diff --git a/flowers/train/100/image_07903.jpg b/flowers/train/100/image_07903.jpg new file mode 100644 index 00000000..adbea2c7 Binary files /dev/null and b/flowers/train/100/image_07903.jpg differ diff --git a/flowers/train/100/image_07906.jpg b/flowers/train/100/image_07906.jpg new file mode 100644 index 00000000..0ce51335 Binary files /dev/null and b/flowers/train/100/image_07906.jpg differ diff --git a/flowers/train/100/image_07907.jpg b/flowers/train/100/image_07907.jpg new file mode 100644 index 00000000..7f090ce9 Binary files /dev/null and b/flowers/train/100/image_07907.jpg differ diff --git a/flowers/train/100/image_07908.jpg b/flowers/train/100/image_07908.jpg new file mode 100644 index 00000000..9fea7e26 Binary files /dev/null and b/flowers/train/100/image_07908.jpg differ diff --git a/flowers/train/100/image_07909.jpg b/flowers/train/100/image_07909.jpg new file mode 100644 index 00000000..3e6c5f12 Binary files /dev/null and b/flowers/train/100/image_07909.jpg differ diff --git a/flowers/train/100/image_07910.jpg b/flowers/train/100/image_07910.jpg new file mode 100644 index 00000000..3032709d Binary files /dev/null and b/flowers/train/100/image_07910.jpg differ diff --git a/flowers/train/100/image_07911.jpg b/flowers/train/100/image_07911.jpg new file mode 100644 index 00000000..4d77b215 Binary files /dev/null and b/flowers/train/100/image_07911.jpg differ diff --git a/flowers/train/100/image_07912.jpg b/flowers/train/100/image_07912.jpg new file mode 100644 index 00000000..b654f4fa Binary files /dev/null and b/flowers/train/100/image_07912.jpg differ diff --git a/flowers/train/100/image_07913.jpg b/flowers/train/100/image_07913.jpg new file mode 100644 index 00000000..c3b27fc7 Binary files /dev/null and b/flowers/train/100/image_07913.jpg differ diff --git a/flowers/train/100/image_07914.jpg b/flowers/train/100/image_07914.jpg new file mode 100644 index 00000000..4f726088 Binary files /dev/null and b/flowers/train/100/image_07914.jpg differ diff --git a/flowers/train/100/image_07915.jpg b/flowers/train/100/image_07915.jpg new file mode 100644 index 00000000..61588278 Binary files /dev/null and b/flowers/train/100/image_07915.jpg differ diff --git a/flowers/train/100/image_07916.jpg b/flowers/train/100/image_07916.jpg new file mode 100644 index 00000000..a252b935 Binary files /dev/null and b/flowers/train/100/image_07916.jpg differ diff --git a/flowers/train/100/image_07918.jpg b/flowers/train/100/image_07918.jpg new file mode 100644 index 00000000..44ff1d8e Binary files /dev/null and b/flowers/train/100/image_07918.jpg differ diff --git a/flowers/train/100/image_07919.jpg b/flowers/train/100/image_07919.jpg new file mode 100644 index 00000000..782d1bf1 Binary files /dev/null and b/flowers/train/100/image_07919.jpg differ diff --git a/flowers/train/100/image_07920.jpg b/flowers/train/100/image_07920.jpg new file mode 100644 index 00000000..9e205d23 Binary files /dev/null and b/flowers/train/100/image_07920.jpg differ diff --git a/flowers/train/100/image_07921.jpg b/flowers/train/100/image_07921.jpg new file mode 100644 index 00000000..56359143 Binary files /dev/null and b/flowers/train/100/image_07921.jpg differ diff --git a/flowers/train/100/image_07922.jpg b/flowers/train/100/image_07922.jpg new file mode 100644 index 00000000..6e3f0513 Binary files /dev/null and b/flowers/train/100/image_07922.jpg differ diff --git a/flowers/train/100/image_07923.jpg b/flowers/train/100/image_07923.jpg new file mode 100644 index 00000000..273505a9 Binary files /dev/null and b/flowers/train/100/image_07923.jpg differ diff --git a/flowers/train/100/image_07924.jpg b/flowers/train/100/image_07924.jpg new file mode 100644 index 00000000..b829f0cd Binary files /dev/null and b/flowers/train/100/image_07924.jpg differ diff --git a/flowers/train/100/image_07925.jpg b/flowers/train/100/image_07925.jpg new file mode 100644 index 00000000..3a7d204d Binary files /dev/null and b/flowers/train/100/image_07925.jpg differ diff --git a/flowers/train/100/image_07927.jpg b/flowers/train/100/image_07927.jpg new file mode 100644 index 00000000..080c6f04 Binary files /dev/null and b/flowers/train/100/image_07927.jpg differ diff --git a/flowers/train/100/image_07928.jpg b/flowers/train/100/image_07928.jpg new file mode 100644 index 00000000..8e723ed5 Binary files /dev/null and b/flowers/train/100/image_07928.jpg differ diff --git a/flowers/train/100/image_07930.jpg b/flowers/train/100/image_07930.jpg new file mode 100644 index 00000000..65530792 Binary files /dev/null and b/flowers/train/100/image_07930.jpg differ diff --git a/flowers/train/100/image_07932.jpg b/flowers/train/100/image_07932.jpg new file mode 100644 index 00000000..aa71c197 Binary files /dev/null and b/flowers/train/100/image_07932.jpg differ diff --git a/flowers/train/100/image_07933.jpg b/flowers/train/100/image_07933.jpg new file mode 100644 index 00000000..bb9f268e Binary files /dev/null and b/flowers/train/100/image_07933.jpg differ diff --git a/flowers/train/100/image_07934.jpg b/flowers/train/100/image_07934.jpg new file mode 100644 index 00000000..82ece37e Binary files /dev/null and b/flowers/train/100/image_07934.jpg differ diff --git a/flowers/train/100/image_07935.jpg b/flowers/train/100/image_07935.jpg new file mode 100644 index 00000000..81794515 Binary files /dev/null and b/flowers/train/100/image_07935.jpg differ diff --git a/flowers/train/100/image_07937.jpg b/flowers/train/100/image_07937.jpg new file mode 100644 index 00000000..eb58a22a Binary files /dev/null and b/flowers/train/100/image_07937.jpg differ diff --git a/flowers/train/100/image_07940.jpg b/flowers/train/100/image_07940.jpg new file mode 100644 index 00000000..4486b2dc Binary files /dev/null and b/flowers/train/100/image_07940.jpg differ diff --git a/flowers/train/100/image_07941.jpg b/flowers/train/100/image_07941.jpg new file mode 100644 index 00000000..70b7f03c Binary files /dev/null and b/flowers/train/100/image_07941.jpg differ diff --git a/flowers/train/101/image_07942.jpg b/flowers/train/101/image_07942.jpg new file mode 100644 index 00000000..c71fb74e Binary files /dev/null and b/flowers/train/101/image_07942.jpg differ diff --git a/flowers/train/101/image_07943.jpg b/flowers/train/101/image_07943.jpg new file mode 100644 index 00000000..59a612e3 Binary files /dev/null and b/flowers/train/101/image_07943.jpg differ diff --git a/flowers/train/101/image_07944.jpg b/flowers/train/101/image_07944.jpg new file mode 100644 index 00000000..1f415e7c Binary files /dev/null and b/flowers/train/101/image_07944.jpg differ diff --git a/flowers/train/101/image_07945.jpg b/flowers/train/101/image_07945.jpg new file mode 100644 index 00000000..7282be54 Binary files /dev/null and b/flowers/train/101/image_07945.jpg differ diff --git a/flowers/train/101/image_07946.jpg b/flowers/train/101/image_07946.jpg new file mode 100644 index 00000000..88766e8c Binary files /dev/null and b/flowers/train/101/image_07946.jpg differ diff --git a/flowers/train/101/image_07947.jpg b/flowers/train/101/image_07947.jpg new file mode 100644 index 00000000..868c657b Binary files /dev/null and b/flowers/train/101/image_07947.jpg differ diff --git a/flowers/train/101/image_07948.jpg b/flowers/train/101/image_07948.jpg new file mode 100644 index 00000000..31a26ccb Binary files /dev/null and b/flowers/train/101/image_07948.jpg differ diff --git a/flowers/train/101/image_07950.jpg b/flowers/train/101/image_07950.jpg new file mode 100644 index 00000000..35cd3d3f Binary files /dev/null and b/flowers/train/101/image_07950.jpg differ diff --git a/flowers/train/101/image_07953.jpg b/flowers/train/101/image_07953.jpg new file mode 100644 index 00000000..48538ae5 Binary files /dev/null and b/flowers/train/101/image_07953.jpg differ diff --git a/flowers/train/101/image_07954.jpg b/flowers/train/101/image_07954.jpg new file mode 100644 index 00000000..f1abd70d Binary files /dev/null and b/flowers/train/101/image_07954.jpg differ diff --git a/flowers/train/101/image_07955.jpg b/flowers/train/101/image_07955.jpg new file mode 100644 index 00000000..a3f6dd7f Binary files /dev/null and b/flowers/train/101/image_07955.jpg differ diff --git a/flowers/train/101/image_07956.jpg b/flowers/train/101/image_07956.jpg new file mode 100644 index 00000000..6431a70b Binary files /dev/null and b/flowers/train/101/image_07956.jpg differ diff --git a/flowers/train/101/image_07957.jpg b/flowers/train/101/image_07957.jpg new file mode 100644 index 00000000..7ea542d6 Binary files /dev/null and b/flowers/train/101/image_07957.jpg differ diff --git a/flowers/train/101/image_07958.jpg b/flowers/train/101/image_07958.jpg new file mode 100644 index 00000000..3d9e2842 Binary files /dev/null and b/flowers/train/101/image_07958.jpg differ diff --git a/flowers/train/101/image_07959.jpg b/flowers/train/101/image_07959.jpg new file mode 100644 index 00000000..4f581517 Binary files /dev/null and b/flowers/train/101/image_07959.jpg differ diff --git a/flowers/train/101/image_07960.jpg b/flowers/train/101/image_07960.jpg new file mode 100644 index 00000000..eb8a5f71 Binary files /dev/null and b/flowers/train/101/image_07960.jpg differ diff --git a/flowers/train/101/image_07961.jpg b/flowers/train/101/image_07961.jpg new file mode 100644 index 00000000..c8898a47 Binary files /dev/null and b/flowers/train/101/image_07961.jpg differ diff --git a/flowers/train/101/image_07964.jpg b/flowers/train/101/image_07964.jpg new file mode 100644 index 00000000..958ceeff Binary files /dev/null and b/flowers/train/101/image_07964.jpg differ diff --git a/flowers/train/101/image_07965.jpg b/flowers/train/101/image_07965.jpg new file mode 100644 index 00000000..9b0a1b65 Binary files /dev/null and b/flowers/train/101/image_07965.jpg differ diff --git a/flowers/train/101/image_07966.jpg b/flowers/train/101/image_07966.jpg new file mode 100644 index 00000000..e45fcaee Binary files /dev/null and b/flowers/train/101/image_07966.jpg differ diff --git a/flowers/train/101/image_07967.jpg b/flowers/train/101/image_07967.jpg new file mode 100644 index 00000000..e8e19215 Binary files /dev/null and b/flowers/train/101/image_07967.jpg differ diff --git a/flowers/train/101/image_07968.jpg b/flowers/train/101/image_07968.jpg new file mode 100644 index 00000000..ecff9f6d Binary files /dev/null and b/flowers/train/101/image_07968.jpg differ diff --git a/flowers/train/101/image_07969.jpg b/flowers/train/101/image_07969.jpg new file mode 100644 index 00000000..ad950ed3 Binary files /dev/null and b/flowers/train/101/image_07969.jpg differ diff --git a/flowers/train/101/image_07971.jpg b/flowers/train/101/image_07971.jpg new file mode 100644 index 00000000..2ae37dd9 Binary files /dev/null and b/flowers/train/101/image_07971.jpg differ diff --git a/flowers/train/101/image_07972.jpg b/flowers/train/101/image_07972.jpg new file mode 100644 index 00000000..6e53379d Binary files /dev/null and b/flowers/train/101/image_07972.jpg differ diff --git a/flowers/train/101/image_07973.jpg b/flowers/train/101/image_07973.jpg new file mode 100644 index 00000000..3fe6d8bc Binary files /dev/null and b/flowers/train/101/image_07973.jpg differ diff --git a/flowers/train/101/image_07974.jpg b/flowers/train/101/image_07974.jpg new file mode 100644 index 00000000..4c64c777 Binary files /dev/null and b/flowers/train/101/image_07974.jpg differ diff --git a/flowers/train/101/image_07975.jpg b/flowers/train/101/image_07975.jpg new file mode 100644 index 00000000..b7f79378 Binary files /dev/null and b/flowers/train/101/image_07975.jpg differ diff --git a/flowers/train/101/image_07976.jpg b/flowers/train/101/image_07976.jpg new file mode 100644 index 00000000..f70ac6ca Binary files /dev/null and b/flowers/train/101/image_07976.jpg differ diff --git a/flowers/train/101/image_07977.jpg b/flowers/train/101/image_07977.jpg new file mode 100644 index 00000000..a31b3712 Binary files /dev/null and b/flowers/train/101/image_07977.jpg differ diff --git a/flowers/train/101/image_07978.jpg b/flowers/train/101/image_07978.jpg new file mode 100644 index 00000000..5d98dd88 Binary files /dev/null and b/flowers/train/101/image_07978.jpg differ diff --git a/flowers/train/101/image_07979.jpg b/flowers/train/101/image_07979.jpg new file mode 100644 index 00000000..762b151f Binary files /dev/null and b/flowers/train/101/image_07979.jpg differ diff --git a/flowers/train/101/image_07980.jpg b/flowers/train/101/image_07980.jpg new file mode 100644 index 00000000..fc652f7c Binary files /dev/null and b/flowers/train/101/image_07980.jpg differ diff --git a/flowers/train/101/image_07981.jpg b/flowers/train/101/image_07981.jpg new file mode 100644 index 00000000..a449476f Binary files /dev/null and b/flowers/train/101/image_07981.jpg differ diff --git a/flowers/train/101/image_07982.jpg b/flowers/train/101/image_07982.jpg new file mode 100644 index 00000000..96974099 Binary files /dev/null and b/flowers/train/101/image_07982.jpg differ diff --git a/flowers/train/101/image_07984.jpg b/flowers/train/101/image_07984.jpg new file mode 100644 index 00000000..00a38340 Binary files /dev/null and b/flowers/train/101/image_07984.jpg differ diff --git a/flowers/train/101/image_07986.jpg b/flowers/train/101/image_07986.jpg new file mode 100644 index 00000000..3795458c Binary files /dev/null and b/flowers/train/101/image_07986.jpg differ diff --git a/flowers/train/101/image_07987.jpg b/flowers/train/101/image_07987.jpg new file mode 100644 index 00000000..ed0041bf Binary files /dev/null and b/flowers/train/101/image_07987.jpg differ diff --git a/flowers/train/101/image_07989.jpg b/flowers/train/101/image_07989.jpg new file mode 100644 index 00000000..0c0206f2 Binary files /dev/null and b/flowers/train/101/image_07989.jpg differ diff --git a/flowers/train/101/image_07990.jpg b/flowers/train/101/image_07990.jpg new file mode 100644 index 00000000..f4e63e3b Binary files /dev/null and b/flowers/train/101/image_07990.jpg differ diff --git a/flowers/train/101/image_07991.jpg b/flowers/train/101/image_07991.jpg new file mode 100644 index 00000000..c81e5d05 Binary files /dev/null and b/flowers/train/101/image_07991.jpg differ diff --git a/flowers/train/101/image_07992.jpg b/flowers/train/101/image_07992.jpg new file mode 100644 index 00000000..df84f7e4 Binary files /dev/null and b/flowers/train/101/image_07992.jpg differ diff --git a/flowers/train/101/image_07993.jpg b/flowers/train/101/image_07993.jpg new file mode 100644 index 00000000..806c8719 Binary files /dev/null and b/flowers/train/101/image_07993.jpg differ diff --git a/flowers/train/101/image_07994.jpg b/flowers/train/101/image_07994.jpg new file mode 100644 index 00000000..1d3cc312 Binary files /dev/null and b/flowers/train/101/image_07994.jpg differ diff --git a/flowers/train/101/image_07995.jpg b/flowers/train/101/image_07995.jpg new file mode 100644 index 00000000..1d94d8b4 Binary files /dev/null and b/flowers/train/101/image_07995.jpg differ diff --git a/flowers/train/101/image_07996.jpg b/flowers/train/101/image_07996.jpg new file mode 100644 index 00000000..d1bd407d Binary files /dev/null and b/flowers/train/101/image_07996.jpg differ diff --git a/flowers/train/101/image_07997.jpg b/flowers/train/101/image_07997.jpg new file mode 100644 index 00000000..7e364140 Binary files /dev/null and b/flowers/train/101/image_07997.jpg differ diff --git a/flowers/train/101/image_07998.jpg b/flowers/train/101/image_07998.jpg new file mode 100644 index 00000000..c78b4931 Binary files /dev/null and b/flowers/train/101/image_07998.jpg differ diff --git a/flowers/train/101/image_07999.jpg b/flowers/train/101/image_07999.jpg new file mode 100644 index 00000000..af3c8f25 Binary files /dev/null and b/flowers/train/101/image_07999.jpg differ diff --git a/flowers/train/102/image_08000.jpg b/flowers/train/102/image_08000.jpg new file mode 100644 index 00000000..ef26f15c Binary files /dev/null and b/flowers/train/102/image_08000.jpg differ diff --git a/flowers/train/102/image_08001.jpg b/flowers/train/102/image_08001.jpg new file mode 100644 index 00000000..6dd5fdce Binary files /dev/null and b/flowers/train/102/image_08001.jpg differ diff --git a/flowers/train/102/image_08003.jpg b/flowers/train/102/image_08003.jpg new file mode 100644 index 00000000..3d22005e Binary files /dev/null and b/flowers/train/102/image_08003.jpg differ diff --git a/flowers/train/102/image_08005.jpg b/flowers/train/102/image_08005.jpg new file mode 100644 index 00000000..f031268f Binary files /dev/null and b/flowers/train/102/image_08005.jpg differ diff --git a/flowers/train/102/image_08007.jpg b/flowers/train/102/image_08007.jpg new file mode 100644 index 00000000..d7fd7d56 Binary files /dev/null and b/flowers/train/102/image_08007.jpg differ diff --git a/flowers/train/102/image_08008.jpg b/flowers/train/102/image_08008.jpg new file mode 100644 index 00000000..140a80fe Binary files /dev/null and b/flowers/train/102/image_08008.jpg differ diff --git a/flowers/train/102/image_08009.jpg b/flowers/train/102/image_08009.jpg new file mode 100644 index 00000000..70825ccc Binary files /dev/null and b/flowers/train/102/image_08009.jpg differ diff --git a/flowers/train/102/image_08010.jpg b/flowers/train/102/image_08010.jpg new file mode 100644 index 00000000..bceed148 Binary files /dev/null and b/flowers/train/102/image_08010.jpg differ diff --git a/flowers/train/102/image_08011.jpg b/flowers/train/102/image_08011.jpg new file mode 100644 index 00000000..a1808128 Binary files /dev/null and b/flowers/train/102/image_08011.jpg differ diff --git a/flowers/train/102/image_08013.jpg b/flowers/train/102/image_08013.jpg new file mode 100644 index 00000000..10a1d2eb Binary files /dev/null and b/flowers/train/102/image_08013.jpg differ diff --git a/flowers/train/102/image_08016.jpg b/flowers/train/102/image_08016.jpg new file mode 100644 index 00000000..a0118d9b Binary files /dev/null and b/flowers/train/102/image_08016.jpg differ diff --git a/flowers/train/102/image_08017.jpg b/flowers/train/102/image_08017.jpg new file mode 100644 index 00000000..e446571f Binary files /dev/null and b/flowers/train/102/image_08017.jpg differ diff --git a/flowers/train/102/image_08018.jpg b/flowers/train/102/image_08018.jpg new file mode 100644 index 00000000..aa917296 Binary files /dev/null and b/flowers/train/102/image_08018.jpg differ diff --git a/flowers/train/102/image_08019.jpg b/flowers/train/102/image_08019.jpg new file mode 100644 index 00000000..4b6be2da Binary files /dev/null and b/flowers/train/102/image_08019.jpg differ diff --git a/flowers/train/102/image_08020.jpg b/flowers/train/102/image_08020.jpg new file mode 100644 index 00000000..aea5c654 Binary files /dev/null and b/flowers/train/102/image_08020.jpg differ diff --git a/flowers/train/102/image_08021.jpg b/flowers/train/102/image_08021.jpg new file mode 100644 index 00000000..1af8b3ed Binary files /dev/null and b/flowers/train/102/image_08021.jpg differ diff --git a/flowers/train/102/image_08022.jpg b/flowers/train/102/image_08022.jpg new file mode 100644 index 00000000..ad29fc59 Binary files /dev/null and b/flowers/train/102/image_08022.jpg differ diff --git a/flowers/train/102/image_08024.jpg b/flowers/train/102/image_08024.jpg new file mode 100644 index 00000000..bced8a42 Binary files /dev/null and b/flowers/train/102/image_08024.jpg differ diff --git a/flowers/train/102/image_08025.jpg b/flowers/train/102/image_08025.jpg new file mode 100644 index 00000000..e3a5a172 Binary files /dev/null and b/flowers/train/102/image_08025.jpg differ diff --git a/flowers/train/102/image_08026.jpg b/flowers/train/102/image_08026.jpg new file mode 100644 index 00000000..c971450f Binary files /dev/null and b/flowers/train/102/image_08026.jpg differ diff --git a/flowers/train/102/image_08027.jpg b/flowers/train/102/image_08027.jpg new file mode 100644 index 00000000..d4c81cc8 Binary files /dev/null and b/flowers/train/102/image_08027.jpg differ diff --git a/flowers/train/102/image_08028.jpg b/flowers/train/102/image_08028.jpg new file mode 100644 index 00000000..62fe5a96 Binary files /dev/null and b/flowers/train/102/image_08028.jpg differ diff --git a/flowers/train/102/image_08029.jpg b/flowers/train/102/image_08029.jpg new file mode 100644 index 00000000..c00526c1 Binary files /dev/null and b/flowers/train/102/image_08029.jpg differ diff --git a/flowers/train/102/image_08031.jpg b/flowers/train/102/image_08031.jpg new file mode 100644 index 00000000..bd7726b2 Binary files /dev/null and b/flowers/train/102/image_08031.jpg differ diff --git a/flowers/train/102/image_08032.jpg b/flowers/train/102/image_08032.jpg new file mode 100644 index 00000000..5b597767 Binary files /dev/null and b/flowers/train/102/image_08032.jpg differ diff --git a/flowers/train/102/image_08033.jpg b/flowers/train/102/image_08033.jpg new file mode 100644 index 00000000..a7509314 Binary files /dev/null and b/flowers/train/102/image_08033.jpg differ diff --git a/flowers/train/102/image_08034.jpg b/flowers/train/102/image_08034.jpg new file mode 100644 index 00000000..4d2fbe99 Binary files /dev/null and b/flowers/train/102/image_08034.jpg differ diff --git a/flowers/train/102/image_08035.jpg b/flowers/train/102/image_08035.jpg new file mode 100644 index 00000000..c87dadd9 Binary files /dev/null and b/flowers/train/102/image_08035.jpg differ diff --git a/flowers/train/102/image_08036.jpg b/flowers/train/102/image_08036.jpg new file mode 100644 index 00000000..37b8cee4 Binary files /dev/null and b/flowers/train/102/image_08036.jpg differ diff --git a/flowers/train/102/image_08037.jpg b/flowers/train/102/image_08037.jpg new file mode 100644 index 00000000..bb466dc0 Binary files /dev/null and b/flowers/train/102/image_08037.jpg differ diff --git a/flowers/train/102/image_08039.jpg b/flowers/train/102/image_08039.jpg new file mode 100644 index 00000000..d74358fb Binary files /dev/null and b/flowers/train/102/image_08039.jpg differ diff --git a/flowers/train/102/image_08043.jpg b/flowers/train/102/image_08043.jpg new file mode 100644 index 00000000..3766195d Binary files /dev/null and b/flowers/train/102/image_08043.jpg differ diff --git a/flowers/train/102/image_08044.jpg b/flowers/train/102/image_08044.jpg new file mode 100644 index 00000000..31b425c0 Binary files /dev/null and b/flowers/train/102/image_08044.jpg differ diff --git a/flowers/train/102/image_08045.jpg b/flowers/train/102/image_08045.jpg new file mode 100644 index 00000000..15414b7d Binary files /dev/null and b/flowers/train/102/image_08045.jpg differ diff --git a/flowers/train/102/image_08046.jpg b/flowers/train/102/image_08046.jpg new file mode 100644 index 00000000..1009b799 Binary files /dev/null and b/flowers/train/102/image_08046.jpg differ diff --git a/flowers/train/102/image_08047.jpg b/flowers/train/102/image_08047.jpg new file mode 100644 index 00000000..3c29a316 Binary files /dev/null and b/flowers/train/102/image_08047.jpg differ diff --git a/flowers/train/11/image_03095.jpg b/flowers/train/11/image_03095.jpg new file mode 100644 index 00000000..4d92f636 Binary files /dev/null and b/flowers/train/11/image_03095.jpg differ diff --git a/flowers/train/11/image_03096.jpg b/flowers/train/11/image_03096.jpg new file mode 100644 index 00000000..3fdfbddc Binary files /dev/null and b/flowers/train/11/image_03096.jpg differ diff --git a/flowers/train/11/image_03097.jpg b/flowers/train/11/image_03097.jpg new file mode 100644 index 00000000..6674a9f2 Binary files /dev/null and b/flowers/train/11/image_03097.jpg differ diff --git a/flowers/train/11/image_03099.jpg b/flowers/train/11/image_03099.jpg new file mode 100644 index 00000000..697fb0d2 Binary files /dev/null and b/flowers/train/11/image_03099.jpg differ diff --git a/flowers/train/11/image_03101.jpg b/flowers/train/11/image_03101.jpg new file mode 100644 index 00000000..b76c8203 Binary files /dev/null and b/flowers/train/11/image_03101.jpg differ diff --git a/flowers/train/11/image_03102.jpg b/flowers/train/11/image_03102.jpg new file mode 100644 index 00000000..777335b1 Binary files /dev/null and b/flowers/train/11/image_03102.jpg differ diff --git a/flowers/train/11/image_03103.jpg b/flowers/train/11/image_03103.jpg new file mode 100644 index 00000000..13e94a25 Binary files /dev/null and b/flowers/train/11/image_03103.jpg differ diff --git a/flowers/train/11/image_03104.jpg b/flowers/train/11/image_03104.jpg new file mode 100644 index 00000000..1279232c Binary files /dev/null and b/flowers/train/11/image_03104.jpg differ diff --git a/flowers/train/11/image_03105.jpg b/flowers/train/11/image_03105.jpg new file mode 100644 index 00000000..35d7bf75 Binary files /dev/null and b/flowers/train/11/image_03105.jpg differ diff --git a/flowers/train/11/image_03106.jpg b/flowers/train/11/image_03106.jpg new file mode 100644 index 00000000..8da52a14 Binary files /dev/null and b/flowers/train/11/image_03106.jpg differ diff --git a/flowers/train/11/image_03107.jpg b/flowers/train/11/image_03107.jpg new file mode 100644 index 00000000..24252dec Binary files /dev/null and b/flowers/train/11/image_03107.jpg differ diff --git a/flowers/train/11/image_03109.jpg b/flowers/train/11/image_03109.jpg new file mode 100644 index 00000000..7ac9a968 Binary files /dev/null and b/flowers/train/11/image_03109.jpg differ diff --git a/flowers/train/11/image_03110.jpg b/flowers/train/11/image_03110.jpg new file mode 100644 index 00000000..5f35f469 Binary files /dev/null and b/flowers/train/11/image_03110.jpg differ diff --git a/flowers/train/11/image_03112.jpg b/flowers/train/11/image_03112.jpg new file mode 100644 index 00000000..a5227181 Binary files /dev/null and b/flowers/train/11/image_03112.jpg differ diff --git a/flowers/train/11/image_03113.jpg b/flowers/train/11/image_03113.jpg new file mode 100644 index 00000000..811be6b1 Binary files /dev/null and b/flowers/train/11/image_03113.jpg differ diff --git a/flowers/train/11/image_03114.jpg b/flowers/train/11/image_03114.jpg new file mode 100644 index 00000000..4eaf0bbe Binary files /dev/null and b/flowers/train/11/image_03114.jpg differ diff --git a/flowers/train/11/image_03117.jpg b/flowers/train/11/image_03117.jpg new file mode 100644 index 00000000..d4395600 Binary files /dev/null and b/flowers/train/11/image_03117.jpg differ diff --git a/flowers/train/11/image_03118.jpg b/flowers/train/11/image_03118.jpg new file mode 100644 index 00000000..2b31a909 Binary files /dev/null and b/flowers/train/11/image_03118.jpg differ diff --git a/flowers/train/11/image_03119.jpg b/flowers/train/11/image_03119.jpg new file mode 100644 index 00000000..fac7d843 Binary files /dev/null and b/flowers/train/11/image_03119.jpg differ diff --git a/flowers/train/11/image_03120.jpg b/flowers/train/11/image_03120.jpg new file mode 100644 index 00000000..67daa1bc Binary files /dev/null and b/flowers/train/11/image_03120.jpg differ diff --git a/flowers/train/11/image_03121.jpg b/flowers/train/11/image_03121.jpg new file mode 100644 index 00000000..ee24e2e6 Binary files /dev/null and b/flowers/train/11/image_03121.jpg differ diff --git a/flowers/train/11/image_03122.jpg b/flowers/train/11/image_03122.jpg new file mode 100644 index 00000000..141fe7ef Binary files /dev/null and b/flowers/train/11/image_03122.jpg differ diff --git a/flowers/train/11/image_03123.jpg b/flowers/train/11/image_03123.jpg new file mode 100644 index 00000000..f2502672 Binary files /dev/null and b/flowers/train/11/image_03123.jpg differ diff --git a/flowers/train/11/image_03124.jpg b/flowers/train/11/image_03124.jpg new file mode 100644 index 00000000..44d603fe Binary files /dev/null and b/flowers/train/11/image_03124.jpg differ diff --git a/flowers/train/11/image_03126.jpg b/flowers/train/11/image_03126.jpg new file mode 100644 index 00000000..9e546315 Binary files /dev/null and b/flowers/train/11/image_03126.jpg differ diff --git a/flowers/train/11/image_03127.jpg b/flowers/train/11/image_03127.jpg new file mode 100644 index 00000000..de5c4171 Binary files /dev/null and b/flowers/train/11/image_03127.jpg differ diff --git a/flowers/train/11/image_03129.jpg b/flowers/train/11/image_03129.jpg new file mode 100644 index 00000000..bc2122ea Binary files /dev/null and b/flowers/train/11/image_03129.jpg differ diff --git a/flowers/train/11/image_03131.jpg b/flowers/train/11/image_03131.jpg new file mode 100644 index 00000000..546fc4e5 Binary files /dev/null and b/flowers/train/11/image_03131.jpg differ diff --git a/flowers/train/11/image_03132.jpg b/flowers/train/11/image_03132.jpg new file mode 100644 index 00000000..568c4a93 Binary files /dev/null and b/flowers/train/11/image_03132.jpg differ diff --git a/flowers/train/11/image_03133.jpg b/flowers/train/11/image_03133.jpg new file mode 100644 index 00000000..3ce50fcf Binary files /dev/null and b/flowers/train/11/image_03133.jpg differ diff --git a/flowers/train/11/image_03134.jpg b/flowers/train/11/image_03134.jpg new file mode 100644 index 00000000..f2bd7486 Binary files /dev/null and b/flowers/train/11/image_03134.jpg differ diff --git a/flowers/train/11/image_03135.jpg b/flowers/train/11/image_03135.jpg new file mode 100644 index 00000000..1d49ceee Binary files /dev/null and b/flowers/train/11/image_03135.jpg differ diff --git a/flowers/train/11/image_03136.jpg b/flowers/train/11/image_03136.jpg new file mode 100644 index 00000000..3d515567 Binary files /dev/null and b/flowers/train/11/image_03136.jpg differ diff --git a/flowers/train/11/image_03137.jpg b/flowers/train/11/image_03137.jpg new file mode 100644 index 00000000..5f46c895 Binary files /dev/null and b/flowers/train/11/image_03137.jpg differ diff --git a/flowers/train/11/image_03138.jpg b/flowers/train/11/image_03138.jpg new file mode 100644 index 00000000..190bfe9f Binary files /dev/null and b/flowers/train/11/image_03138.jpg differ diff --git a/flowers/train/11/image_03140.jpg b/flowers/train/11/image_03140.jpg new file mode 100644 index 00000000..d2e162bc Binary files /dev/null and b/flowers/train/11/image_03140.jpg differ diff --git a/flowers/train/11/image_03142.jpg b/flowers/train/11/image_03142.jpg new file mode 100644 index 00000000..04283811 Binary files /dev/null and b/flowers/train/11/image_03142.jpg differ diff --git a/flowers/train/11/image_03143.jpg b/flowers/train/11/image_03143.jpg new file mode 100644 index 00000000..550d5a9a Binary files /dev/null and b/flowers/train/11/image_03143.jpg differ diff --git a/flowers/train/11/image_03144.jpg b/flowers/train/11/image_03144.jpg new file mode 100644 index 00000000..f1d7c753 Binary files /dev/null and b/flowers/train/11/image_03144.jpg differ diff --git a/flowers/train/11/image_03146.jpg b/flowers/train/11/image_03146.jpg new file mode 100644 index 00000000..7360d97d Binary files /dev/null and b/flowers/train/11/image_03146.jpg differ diff --git a/flowers/train/11/image_03148.jpg b/flowers/train/11/image_03148.jpg new file mode 100644 index 00000000..034399d5 Binary files /dev/null and b/flowers/train/11/image_03148.jpg differ diff --git a/flowers/train/11/image_03149.jpg b/flowers/train/11/image_03149.jpg new file mode 100644 index 00000000..2ce0943e Binary files /dev/null and b/flowers/train/11/image_03149.jpg differ diff --git a/flowers/train/11/image_03150.jpg b/flowers/train/11/image_03150.jpg new file mode 100644 index 00000000..90fbe823 Binary files /dev/null and b/flowers/train/11/image_03150.jpg differ diff --git a/flowers/train/11/image_03152.jpg b/flowers/train/11/image_03152.jpg new file mode 100644 index 00000000..bcb73daa Binary files /dev/null and b/flowers/train/11/image_03152.jpg differ diff --git a/flowers/train/11/image_03153.jpg b/flowers/train/11/image_03153.jpg new file mode 100644 index 00000000..8567e97a Binary files /dev/null and b/flowers/train/11/image_03153.jpg differ diff --git a/flowers/train/11/image_03154.jpg b/flowers/train/11/image_03154.jpg new file mode 100644 index 00000000..ecd89926 Binary files /dev/null and b/flowers/train/11/image_03154.jpg differ diff --git a/flowers/train/11/image_03155.jpg b/flowers/train/11/image_03155.jpg new file mode 100644 index 00000000..b46fa36e Binary files /dev/null and b/flowers/train/11/image_03155.jpg differ diff --git a/flowers/train/11/image_03156.jpg b/flowers/train/11/image_03156.jpg new file mode 100644 index 00000000..b2a04586 Binary files /dev/null and b/flowers/train/11/image_03156.jpg differ diff --git a/flowers/train/11/image_03158.jpg b/flowers/train/11/image_03158.jpg new file mode 100644 index 00000000..24baad07 Binary files /dev/null and b/flowers/train/11/image_03158.jpg differ diff --git a/flowers/train/11/image_03159.jpg b/flowers/train/11/image_03159.jpg new file mode 100644 index 00000000..40763355 Binary files /dev/null and b/flowers/train/11/image_03159.jpg differ diff --git a/flowers/train/11/image_03160.jpg b/flowers/train/11/image_03160.jpg new file mode 100644 index 00000000..0b1e8774 Binary files /dev/null and b/flowers/train/11/image_03160.jpg differ diff --git a/flowers/train/11/image_03161.jpg b/flowers/train/11/image_03161.jpg new file mode 100644 index 00000000..c21a17df Binary files /dev/null and b/flowers/train/11/image_03161.jpg differ diff --git a/flowers/train/11/image_03162.jpg b/flowers/train/11/image_03162.jpg new file mode 100644 index 00000000..96f44358 Binary files /dev/null and b/flowers/train/11/image_03162.jpg differ diff --git a/flowers/train/11/image_03163.jpg b/flowers/train/11/image_03163.jpg new file mode 100644 index 00000000..2fa99e3a Binary files /dev/null and b/flowers/train/11/image_03163.jpg differ diff --git a/flowers/train/11/image_03164.jpg b/flowers/train/11/image_03164.jpg new file mode 100644 index 00000000..75df6705 Binary files /dev/null and b/flowers/train/11/image_03164.jpg differ diff --git a/flowers/train/11/image_03166.jpg b/flowers/train/11/image_03166.jpg new file mode 100644 index 00000000..a47b9d98 Binary files /dev/null and b/flowers/train/11/image_03166.jpg differ diff --git a/flowers/train/11/image_03167.jpg b/flowers/train/11/image_03167.jpg new file mode 100644 index 00000000..46fa817d Binary files /dev/null and b/flowers/train/11/image_03167.jpg differ diff --git a/flowers/train/11/image_03168.jpg b/flowers/train/11/image_03168.jpg new file mode 100644 index 00000000..054b9dd4 Binary files /dev/null and b/flowers/train/11/image_03168.jpg differ diff --git a/flowers/train/11/image_03169.jpg b/flowers/train/11/image_03169.jpg new file mode 100644 index 00000000..ec3bd5b1 Binary files /dev/null and b/flowers/train/11/image_03169.jpg differ diff --git a/flowers/train/11/image_03170.jpg b/flowers/train/11/image_03170.jpg new file mode 100644 index 00000000..07eeb5a8 Binary files /dev/null and b/flowers/train/11/image_03170.jpg differ diff --git a/flowers/train/11/image_03171.jpg b/flowers/train/11/image_03171.jpg new file mode 100644 index 00000000..0c68f16f Binary files /dev/null and b/flowers/train/11/image_03171.jpg differ diff --git a/flowers/train/11/image_03172.jpg b/flowers/train/11/image_03172.jpg new file mode 100644 index 00000000..c7dbf607 Binary files /dev/null and b/flowers/train/11/image_03172.jpg differ diff --git a/flowers/train/11/image_03174.jpg b/flowers/train/11/image_03174.jpg new file mode 100644 index 00000000..c91077b4 Binary files /dev/null and b/flowers/train/11/image_03174.jpg differ diff --git a/flowers/train/11/image_03175.jpg b/flowers/train/11/image_03175.jpg new file mode 100644 index 00000000..091f63b7 Binary files /dev/null and b/flowers/train/11/image_03175.jpg differ diff --git a/flowers/train/11/image_03178.jpg b/flowers/train/11/image_03178.jpg new file mode 100644 index 00000000..e2c43000 Binary files /dev/null and b/flowers/train/11/image_03178.jpg differ diff --git a/flowers/train/11/image_03179.jpg b/flowers/train/11/image_03179.jpg new file mode 100644 index 00000000..be4524f5 Binary files /dev/null and b/flowers/train/11/image_03179.jpg differ diff --git a/flowers/train/11/image_03180.jpg b/flowers/train/11/image_03180.jpg new file mode 100644 index 00000000..b238b5eb Binary files /dev/null and b/flowers/train/11/image_03180.jpg differ diff --git a/flowers/train/11/image_03181.jpg b/flowers/train/11/image_03181.jpg new file mode 100644 index 00000000..beefca9b Binary files /dev/null and b/flowers/train/11/image_03181.jpg differ diff --git a/flowers/train/12/image_03995.jpg b/flowers/train/12/image_03995.jpg new file mode 100644 index 00000000..8c4bb00c Binary files /dev/null and b/flowers/train/12/image_03995.jpg differ diff --git a/flowers/train/12/image_03999.jpg b/flowers/train/12/image_03999.jpg new file mode 100644 index 00000000..212665a4 Binary files /dev/null and b/flowers/train/12/image_03999.jpg differ diff --git a/flowers/train/12/image_04000.jpg b/flowers/train/12/image_04000.jpg new file mode 100644 index 00000000..4f9f9647 Binary files /dev/null and b/flowers/train/12/image_04000.jpg differ diff --git a/flowers/train/12/image_04001.jpg b/flowers/train/12/image_04001.jpg new file mode 100644 index 00000000..ccc817b3 Binary files /dev/null and b/flowers/train/12/image_04001.jpg differ diff --git a/flowers/train/12/image_04002.jpg b/flowers/train/12/image_04002.jpg new file mode 100644 index 00000000..aecf1e20 Binary files /dev/null and b/flowers/train/12/image_04002.jpg differ diff --git a/flowers/train/12/image_04003.jpg b/flowers/train/12/image_04003.jpg new file mode 100644 index 00000000..69916488 Binary files /dev/null and b/flowers/train/12/image_04003.jpg differ diff --git a/flowers/train/12/image_04004.jpg b/flowers/train/12/image_04004.jpg new file mode 100644 index 00000000..9a738389 Binary files /dev/null and b/flowers/train/12/image_04004.jpg differ diff --git a/flowers/train/12/image_04005.jpg b/flowers/train/12/image_04005.jpg new file mode 100644 index 00000000..485997cf Binary files /dev/null and b/flowers/train/12/image_04005.jpg differ diff --git a/flowers/train/12/image_04006.jpg b/flowers/train/12/image_04006.jpg new file mode 100644 index 00000000..3ff42936 Binary files /dev/null and b/flowers/train/12/image_04006.jpg differ diff --git a/flowers/train/12/image_04007.jpg b/flowers/train/12/image_04007.jpg new file mode 100644 index 00000000..42b4463f Binary files /dev/null and b/flowers/train/12/image_04007.jpg differ diff --git a/flowers/train/12/image_04008.jpg b/flowers/train/12/image_04008.jpg new file mode 100644 index 00000000..05750003 Binary files /dev/null and b/flowers/train/12/image_04008.jpg differ diff --git a/flowers/train/12/image_04009.jpg b/flowers/train/12/image_04009.jpg new file mode 100644 index 00000000..c303fdfb Binary files /dev/null and b/flowers/train/12/image_04009.jpg differ diff --git a/flowers/train/12/image_04010.jpg b/flowers/train/12/image_04010.jpg new file mode 100644 index 00000000..79cec73d Binary files /dev/null and b/flowers/train/12/image_04010.jpg differ diff --git a/flowers/train/12/image_04011.jpg b/flowers/train/12/image_04011.jpg new file mode 100644 index 00000000..852df9c9 Binary files /dev/null and b/flowers/train/12/image_04011.jpg differ diff --git a/flowers/train/12/image_04015.jpg b/flowers/train/12/image_04015.jpg new file mode 100644 index 00000000..660712bc Binary files /dev/null and b/flowers/train/12/image_04015.jpg differ diff --git a/flowers/train/12/image_04017.jpg b/flowers/train/12/image_04017.jpg new file mode 100644 index 00000000..fd56bc2f Binary files /dev/null and b/flowers/train/12/image_04017.jpg differ diff --git a/flowers/train/12/image_04018.jpg b/flowers/train/12/image_04018.jpg new file mode 100644 index 00000000..731ec90f Binary files /dev/null and b/flowers/train/12/image_04018.jpg differ diff --git a/flowers/train/12/image_04019.jpg b/flowers/train/12/image_04019.jpg new file mode 100644 index 00000000..046a7359 Binary files /dev/null and b/flowers/train/12/image_04019.jpg differ diff --git a/flowers/train/12/image_04020.jpg b/flowers/train/12/image_04020.jpg new file mode 100644 index 00000000..5ae78ae6 Binary files /dev/null and b/flowers/train/12/image_04020.jpg differ diff --git a/flowers/train/12/image_04021.jpg b/flowers/train/12/image_04021.jpg new file mode 100644 index 00000000..2fee5e5a Binary files /dev/null and b/flowers/train/12/image_04021.jpg differ diff --git a/flowers/train/12/image_04022.jpg b/flowers/train/12/image_04022.jpg new file mode 100644 index 00000000..d2f1455c Binary files /dev/null and b/flowers/train/12/image_04022.jpg differ diff --git a/flowers/train/12/image_04024.jpg b/flowers/train/12/image_04024.jpg new file mode 100644 index 00000000..91a12d04 Binary files /dev/null and b/flowers/train/12/image_04024.jpg differ diff --git a/flowers/train/12/image_04025.jpg b/flowers/train/12/image_04025.jpg new file mode 100644 index 00000000..067d73c8 Binary files /dev/null and b/flowers/train/12/image_04025.jpg differ diff --git a/flowers/train/12/image_04026.jpg b/flowers/train/12/image_04026.jpg new file mode 100644 index 00000000..49bfc9c9 Binary files /dev/null and b/flowers/train/12/image_04026.jpg differ diff --git a/flowers/train/12/image_04027.jpg b/flowers/train/12/image_04027.jpg new file mode 100644 index 00000000..ead0e3b0 Binary files /dev/null and b/flowers/train/12/image_04027.jpg differ diff --git a/flowers/train/12/image_04028.jpg b/flowers/train/12/image_04028.jpg new file mode 100644 index 00000000..e87f2072 Binary files /dev/null and b/flowers/train/12/image_04028.jpg differ diff --git a/flowers/train/12/image_04029.jpg b/flowers/train/12/image_04029.jpg new file mode 100644 index 00000000..d4ab5b01 Binary files /dev/null and b/flowers/train/12/image_04029.jpg differ diff --git a/flowers/train/12/image_04030.jpg b/flowers/train/12/image_04030.jpg new file mode 100644 index 00000000..18dd85c8 Binary files /dev/null and b/flowers/train/12/image_04030.jpg differ diff --git a/flowers/train/12/image_04031.jpg b/flowers/train/12/image_04031.jpg new file mode 100644 index 00000000..51429e31 Binary files /dev/null and b/flowers/train/12/image_04031.jpg differ diff --git a/flowers/train/12/image_04032.jpg b/flowers/train/12/image_04032.jpg new file mode 100644 index 00000000..ac78347b Binary files /dev/null and b/flowers/train/12/image_04032.jpg differ diff --git a/flowers/train/12/image_04033.jpg b/flowers/train/12/image_04033.jpg new file mode 100644 index 00000000..bbf6f65c Binary files /dev/null and b/flowers/train/12/image_04033.jpg differ diff --git a/flowers/train/12/image_04034.jpg b/flowers/train/12/image_04034.jpg new file mode 100644 index 00000000..4e71982f Binary files /dev/null and b/flowers/train/12/image_04034.jpg differ diff --git a/flowers/train/12/image_04035.jpg b/flowers/train/12/image_04035.jpg new file mode 100644 index 00000000..9518cc9d Binary files /dev/null and b/flowers/train/12/image_04035.jpg differ diff --git a/flowers/train/12/image_04036.jpg b/flowers/train/12/image_04036.jpg new file mode 100644 index 00000000..8cbe4ad4 Binary files /dev/null and b/flowers/train/12/image_04036.jpg differ diff --git a/flowers/train/12/image_04037.jpg b/flowers/train/12/image_04037.jpg new file mode 100644 index 00000000..3ace00c3 Binary files /dev/null and b/flowers/train/12/image_04037.jpg differ diff --git a/flowers/train/12/image_04038.jpg b/flowers/train/12/image_04038.jpg new file mode 100644 index 00000000..64ab1611 Binary files /dev/null and b/flowers/train/12/image_04038.jpg differ diff --git a/flowers/train/12/image_04039.jpg b/flowers/train/12/image_04039.jpg new file mode 100644 index 00000000..47ef54a8 Binary files /dev/null and b/flowers/train/12/image_04039.jpg differ diff --git a/flowers/train/12/image_04040.jpg b/flowers/train/12/image_04040.jpg new file mode 100644 index 00000000..d831910e Binary files /dev/null and b/flowers/train/12/image_04040.jpg differ diff --git a/flowers/train/12/image_04041.jpg b/flowers/train/12/image_04041.jpg new file mode 100644 index 00000000..a0fd51c9 Binary files /dev/null and b/flowers/train/12/image_04041.jpg differ diff --git a/flowers/train/12/image_04042.jpg b/flowers/train/12/image_04042.jpg new file mode 100644 index 00000000..7569d42b Binary files /dev/null and b/flowers/train/12/image_04042.jpg differ diff --git a/flowers/train/12/image_04043.jpg b/flowers/train/12/image_04043.jpg new file mode 100644 index 00000000..9822c606 Binary files /dev/null and b/flowers/train/12/image_04043.jpg differ diff --git a/flowers/train/12/image_04044.jpg b/flowers/train/12/image_04044.jpg new file mode 100644 index 00000000..87967f51 Binary files /dev/null and b/flowers/train/12/image_04044.jpg differ diff --git a/flowers/train/12/image_04045.jpg b/flowers/train/12/image_04045.jpg new file mode 100644 index 00000000..3a07f380 Binary files /dev/null and b/flowers/train/12/image_04045.jpg differ diff --git a/flowers/train/12/image_04046.jpg b/flowers/train/12/image_04046.jpg new file mode 100644 index 00000000..cdd8cb79 Binary files /dev/null and b/flowers/train/12/image_04046.jpg differ diff --git a/flowers/train/12/image_04047.jpg b/flowers/train/12/image_04047.jpg new file mode 100644 index 00000000..f3287fc2 Binary files /dev/null and b/flowers/train/12/image_04047.jpg differ diff --git a/flowers/train/12/image_04048.jpg b/flowers/train/12/image_04048.jpg new file mode 100644 index 00000000..391d0405 Binary files /dev/null and b/flowers/train/12/image_04048.jpg differ diff --git a/flowers/train/12/image_04049.jpg b/flowers/train/12/image_04049.jpg new file mode 100644 index 00000000..a63c28c3 Binary files /dev/null and b/flowers/train/12/image_04049.jpg differ diff --git a/flowers/train/12/image_04050.jpg b/flowers/train/12/image_04050.jpg new file mode 100644 index 00000000..58de3fe0 Binary files /dev/null and b/flowers/train/12/image_04050.jpg differ diff --git a/flowers/train/12/image_04051.jpg b/flowers/train/12/image_04051.jpg new file mode 100644 index 00000000..a09d7b4e Binary files /dev/null and b/flowers/train/12/image_04051.jpg differ diff --git a/flowers/train/12/image_04053.jpg b/flowers/train/12/image_04053.jpg new file mode 100644 index 00000000..94f19848 Binary files /dev/null and b/flowers/train/12/image_04053.jpg differ diff --git a/flowers/train/12/image_04054.jpg b/flowers/train/12/image_04054.jpg new file mode 100644 index 00000000..436a7583 Binary files /dev/null and b/flowers/train/12/image_04054.jpg differ diff --git a/flowers/train/12/image_04055.jpg b/flowers/train/12/image_04055.jpg new file mode 100644 index 00000000..8c676942 Binary files /dev/null and b/flowers/train/12/image_04055.jpg differ diff --git a/flowers/train/12/image_04056.jpg b/flowers/train/12/image_04056.jpg new file mode 100644 index 00000000..13cac945 Binary files /dev/null and b/flowers/train/12/image_04056.jpg differ diff --git a/flowers/train/12/image_04057.jpg b/flowers/train/12/image_04057.jpg new file mode 100644 index 00000000..83888c11 Binary files /dev/null and b/flowers/train/12/image_04057.jpg differ diff --git a/flowers/train/12/image_04058.jpg b/flowers/train/12/image_04058.jpg new file mode 100644 index 00000000..54e2a056 Binary files /dev/null and b/flowers/train/12/image_04058.jpg differ diff --git a/flowers/train/12/image_04060.jpg b/flowers/train/12/image_04060.jpg new file mode 100644 index 00000000..cafe29eb Binary files /dev/null and b/flowers/train/12/image_04060.jpg differ diff --git a/flowers/train/12/image_04061.jpg b/flowers/train/12/image_04061.jpg new file mode 100644 index 00000000..01dbde72 Binary files /dev/null and b/flowers/train/12/image_04061.jpg differ diff --git a/flowers/train/12/image_04062.jpg b/flowers/train/12/image_04062.jpg new file mode 100644 index 00000000..a2bcb9e9 Binary files /dev/null and b/flowers/train/12/image_04062.jpg differ diff --git a/flowers/train/12/image_04063.jpg b/flowers/train/12/image_04063.jpg new file mode 100644 index 00000000..8539b658 Binary files /dev/null and b/flowers/train/12/image_04063.jpg differ diff --git a/flowers/train/12/image_04064.jpg b/flowers/train/12/image_04064.jpg new file mode 100644 index 00000000..60011471 Binary files /dev/null and b/flowers/train/12/image_04064.jpg differ diff --git a/flowers/train/12/image_04065.jpg b/flowers/train/12/image_04065.jpg new file mode 100644 index 00000000..e5ddfc37 Binary files /dev/null and b/flowers/train/12/image_04065.jpg differ diff --git a/flowers/train/12/image_04066.jpg b/flowers/train/12/image_04066.jpg new file mode 100644 index 00000000..88d3feaa Binary files /dev/null and b/flowers/train/12/image_04066.jpg differ diff --git a/flowers/train/12/image_04067.jpg b/flowers/train/12/image_04067.jpg new file mode 100644 index 00000000..32d4fbe5 Binary files /dev/null and b/flowers/train/12/image_04067.jpg differ diff --git a/flowers/train/12/image_04068.jpg b/flowers/train/12/image_04068.jpg new file mode 100644 index 00000000..e30d0c52 Binary files /dev/null and b/flowers/train/12/image_04068.jpg differ diff --git a/flowers/train/12/image_04069.jpg b/flowers/train/12/image_04069.jpg new file mode 100644 index 00000000..4621aee6 Binary files /dev/null and b/flowers/train/12/image_04069.jpg differ diff --git a/flowers/train/12/image_04070.jpg b/flowers/train/12/image_04070.jpg new file mode 100644 index 00000000..030b8be8 Binary files /dev/null and b/flowers/train/12/image_04070.jpg differ diff --git a/flowers/train/12/image_04071.jpg b/flowers/train/12/image_04071.jpg new file mode 100644 index 00000000..90cab142 Binary files /dev/null and b/flowers/train/12/image_04071.jpg differ diff --git a/flowers/train/12/image_04073.jpg b/flowers/train/12/image_04073.jpg new file mode 100644 index 00000000..fdc32cdf Binary files /dev/null and b/flowers/train/12/image_04073.jpg differ diff --git a/flowers/train/12/image_04074.jpg b/flowers/train/12/image_04074.jpg new file mode 100644 index 00000000..760bcf7c Binary files /dev/null and b/flowers/train/12/image_04074.jpg differ diff --git a/flowers/train/12/image_04075.jpg b/flowers/train/12/image_04075.jpg new file mode 100644 index 00000000..d75a3a72 Binary files /dev/null and b/flowers/train/12/image_04075.jpg differ diff --git a/flowers/train/12/image_04076.jpg b/flowers/train/12/image_04076.jpg new file mode 100644 index 00000000..304e8221 Binary files /dev/null and b/flowers/train/12/image_04076.jpg differ diff --git a/flowers/train/12/image_04078.jpg b/flowers/train/12/image_04078.jpg new file mode 100644 index 00000000..94ca2707 Binary files /dev/null and b/flowers/train/12/image_04078.jpg differ diff --git a/flowers/train/12/image_04079.jpg b/flowers/train/12/image_04079.jpg new file mode 100644 index 00000000..7f59dca4 Binary files /dev/null and b/flowers/train/12/image_04079.jpg differ diff --git a/flowers/train/13/image_05744.jpg b/flowers/train/13/image_05744.jpg new file mode 100644 index 00000000..992a779d Binary files /dev/null and b/flowers/train/13/image_05744.jpg differ diff --git a/flowers/train/13/image_05746.jpg b/flowers/train/13/image_05746.jpg new file mode 100644 index 00000000..c9007efd Binary files /dev/null and b/flowers/train/13/image_05746.jpg differ diff --git a/flowers/train/13/image_05747.jpg b/flowers/train/13/image_05747.jpg new file mode 100644 index 00000000..8276dbc6 Binary files /dev/null and b/flowers/train/13/image_05747.jpg differ diff --git a/flowers/train/13/image_05748.jpg b/flowers/train/13/image_05748.jpg new file mode 100644 index 00000000..4532c031 Binary files /dev/null and b/flowers/train/13/image_05748.jpg differ diff --git a/flowers/train/13/image_05750.jpg b/flowers/train/13/image_05750.jpg new file mode 100644 index 00000000..69317833 Binary files /dev/null and b/flowers/train/13/image_05750.jpg differ diff --git a/flowers/train/13/image_05751.jpg b/flowers/train/13/image_05751.jpg new file mode 100644 index 00000000..8c68fafa Binary files /dev/null and b/flowers/train/13/image_05751.jpg differ diff --git a/flowers/train/13/image_05752.jpg b/flowers/train/13/image_05752.jpg new file mode 100644 index 00000000..b8da9bf9 Binary files /dev/null and b/flowers/train/13/image_05752.jpg differ diff --git a/flowers/train/13/image_05753.jpg b/flowers/train/13/image_05753.jpg new file mode 100644 index 00000000..e2c35cab Binary files /dev/null and b/flowers/train/13/image_05753.jpg differ diff --git a/flowers/train/13/image_05754.jpg b/flowers/train/13/image_05754.jpg new file mode 100644 index 00000000..0d497a4f Binary files /dev/null and b/flowers/train/13/image_05754.jpg differ diff --git a/flowers/train/13/image_05755.jpg b/flowers/train/13/image_05755.jpg new file mode 100644 index 00000000..a41152e9 Binary files /dev/null and b/flowers/train/13/image_05755.jpg differ diff --git a/flowers/train/13/image_05756.jpg b/flowers/train/13/image_05756.jpg new file mode 100644 index 00000000..593336bd Binary files /dev/null and b/flowers/train/13/image_05756.jpg differ diff --git a/flowers/train/13/image_05757.jpg b/flowers/train/13/image_05757.jpg new file mode 100644 index 00000000..b193fd5f Binary files /dev/null and b/flowers/train/13/image_05757.jpg differ diff --git a/flowers/train/13/image_05758.jpg b/flowers/train/13/image_05758.jpg new file mode 100644 index 00000000..44387ac8 Binary files /dev/null and b/flowers/train/13/image_05758.jpg differ diff --git a/flowers/train/13/image_05760.jpg b/flowers/train/13/image_05760.jpg new file mode 100644 index 00000000..7b3a2d57 Binary files /dev/null and b/flowers/train/13/image_05760.jpg differ diff --git a/flowers/train/13/image_05762.jpg b/flowers/train/13/image_05762.jpg new file mode 100644 index 00000000..eb4cacc0 Binary files /dev/null and b/flowers/train/13/image_05762.jpg differ diff --git a/flowers/train/13/image_05764.jpg b/flowers/train/13/image_05764.jpg new file mode 100644 index 00000000..32df3886 Binary files /dev/null and b/flowers/train/13/image_05764.jpg differ diff --git a/flowers/train/13/image_05765.jpg b/flowers/train/13/image_05765.jpg new file mode 100644 index 00000000..a2aece28 Binary files /dev/null and b/flowers/train/13/image_05765.jpg differ diff --git a/flowers/train/13/image_05766.jpg b/flowers/train/13/image_05766.jpg new file mode 100644 index 00000000..8842254b Binary files /dev/null and b/flowers/train/13/image_05766.jpg differ diff --git a/flowers/train/13/image_05768.jpg b/flowers/train/13/image_05768.jpg new file mode 100644 index 00000000..7c3d77f5 Binary files /dev/null and b/flowers/train/13/image_05768.jpg differ diff --git a/flowers/train/13/image_05770.jpg b/flowers/train/13/image_05770.jpg new file mode 100644 index 00000000..9c512cd8 Binary files /dev/null and b/flowers/train/13/image_05770.jpg differ diff --git a/flowers/train/13/image_05771.jpg b/flowers/train/13/image_05771.jpg new file mode 100644 index 00000000..56bf5320 Binary files /dev/null and b/flowers/train/13/image_05771.jpg differ diff --git a/flowers/train/13/image_05773.jpg b/flowers/train/13/image_05773.jpg new file mode 100644 index 00000000..056494cb Binary files /dev/null and b/flowers/train/13/image_05773.jpg differ diff --git a/flowers/train/13/image_05774.jpg b/flowers/train/13/image_05774.jpg new file mode 100644 index 00000000..8a15c584 Binary files /dev/null and b/flowers/train/13/image_05774.jpg differ diff --git a/flowers/train/13/image_05776.jpg b/flowers/train/13/image_05776.jpg new file mode 100644 index 00000000..20601e90 Binary files /dev/null and b/flowers/train/13/image_05776.jpg differ diff --git a/flowers/train/13/image_05777.jpg b/flowers/train/13/image_05777.jpg new file mode 100644 index 00000000..d7b5ba6d Binary files /dev/null and b/flowers/train/13/image_05777.jpg differ diff --git a/flowers/train/13/image_05778.jpg b/flowers/train/13/image_05778.jpg new file mode 100644 index 00000000..6f25cb68 Binary files /dev/null and b/flowers/train/13/image_05778.jpg differ diff --git a/flowers/train/13/image_05779.jpg b/flowers/train/13/image_05779.jpg new file mode 100644 index 00000000..23f03321 Binary files /dev/null and b/flowers/train/13/image_05779.jpg differ diff --git a/flowers/train/13/image_05780.jpg b/flowers/train/13/image_05780.jpg new file mode 100644 index 00000000..f677334d Binary files /dev/null and b/flowers/train/13/image_05780.jpg differ diff --git a/flowers/train/13/image_05781.jpg b/flowers/train/13/image_05781.jpg new file mode 100644 index 00000000..8d0ad7e3 Binary files /dev/null and b/flowers/train/13/image_05781.jpg differ diff --git a/flowers/train/13/image_05782.jpg b/flowers/train/13/image_05782.jpg new file mode 100644 index 00000000..dab7d2a7 Binary files /dev/null and b/flowers/train/13/image_05782.jpg differ diff --git a/flowers/train/13/image_05784.jpg b/flowers/train/13/image_05784.jpg new file mode 100644 index 00000000..ce33c0b2 Binary files /dev/null and b/flowers/train/13/image_05784.jpg differ diff --git a/flowers/train/13/image_05785.jpg b/flowers/train/13/image_05785.jpg new file mode 100644 index 00000000..f712c8de Binary files /dev/null and b/flowers/train/13/image_05785.jpg differ diff --git a/flowers/train/13/image_05786.jpg b/flowers/train/13/image_05786.jpg new file mode 100644 index 00000000..cad49e33 Binary files /dev/null and b/flowers/train/13/image_05786.jpg differ diff --git a/flowers/train/13/image_05788.jpg b/flowers/train/13/image_05788.jpg new file mode 100644 index 00000000..ac0cef4e Binary files /dev/null and b/flowers/train/13/image_05788.jpg differ diff --git a/flowers/train/13/image_05789.jpg b/flowers/train/13/image_05789.jpg new file mode 100644 index 00000000..b3b28a42 Binary files /dev/null and b/flowers/train/13/image_05789.jpg differ diff --git a/flowers/train/13/image_05790.jpg b/flowers/train/13/image_05790.jpg new file mode 100644 index 00000000..9e2951bf Binary files /dev/null and b/flowers/train/13/image_05790.jpg differ diff --git a/flowers/train/13/image_05791.jpg b/flowers/train/13/image_05791.jpg new file mode 100644 index 00000000..473b5ac1 Binary files /dev/null and b/flowers/train/13/image_05791.jpg differ diff --git a/flowers/train/13/image_05792.jpg b/flowers/train/13/image_05792.jpg new file mode 100644 index 00000000..7ec320a2 Binary files /dev/null and b/flowers/train/13/image_05792.jpg differ diff --git a/flowers/train/14/image_06049.jpg b/flowers/train/14/image_06049.jpg new file mode 100644 index 00000000..c2e10104 Binary files /dev/null and b/flowers/train/14/image_06049.jpg differ diff --git a/flowers/train/14/image_06050.jpg b/flowers/train/14/image_06050.jpg new file mode 100644 index 00000000..e26e0f12 Binary files /dev/null and b/flowers/train/14/image_06050.jpg differ diff --git a/flowers/train/14/image_06051.jpg b/flowers/train/14/image_06051.jpg new file mode 100644 index 00000000..1e6bc2e3 Binary files /dev/null and b/flowers/train/14/image_06051.jpg differ diff --git a/flowers/train/14/image_06053.jpg b/flowers/train/14/image_06053.jpg new file mode 100644 index 00000000..78406a99 Binary files /dev/null and b/flowers/train/14/image_06053.jpg differ diff --git a/flowers/train/14/image_06054.jpg b/flowers/train/14/image_06054.jpg new file mode 100644 index 00000000..ad060961 Binary files /dev/null and b/flowers/train/14/image_06054.jpg differ diff --git a/flowers/train/14/image_06055.jpg b/flowers/train/14/image_06055.jpg new file mode 100644 index 00000000..2dad8d5f Binary files /dev/null and b/flowers/train/14/image_06055.jpg differ diff --git a/flowers/train/14/image_06056.jpg b/flowers/train/14/image_06056.jpg new file mode 100644 index 00000000..06822663 Binary files /dev/null and b/flowers/train/14/image_06056.jpg differ diff --git a/flowers/train/14/image_06057.jpg b/flowers/train/14/image_06057.jpg new file mode 100644 index 00000000..127378ee Binary files /dev/null and b/flowers/train/14/image_06057.jpg differ diff --git a/flowers/train/14/image_06058.jpg b/flowers/train/14/image_06058.jpg new file mode 100644 index 00000000..477438c9 Binary files /dev/null and b/flowers/train/14/image_06058.jpg differ diff --git a/flowers/train/14/image_06059.jpg b/flowers/train/14/image_06059.jpg new file mode 100644 index 00000000..f8ceff28 Binary files /dev/null and b/flowers/train/14/image_06059.jpg differ diff --git a/flowers/train/14/image_06060.jpg b/flowers/train/14/image_06060.jpg new file mode 100644 index 00000000..0ed9dfe2 Binary files /dev/null and b/flowers/train/14/image_06060.jpg differ diff --git a/flowers/train/14/image_06061.jpg b/flowers/train/14/image_06061.jpg new file mode 100644 index 00000000..30a36adc Binary files /dev/null and b/flowers/train/14/image_06061.jpg differ diff --git a/flowers/train/14/image_06062.jpg b/flowers/train/14/image_06062.jpg new file mode 100644 index 00000000..04785666 Binary files /dev/null and b/flowers/train/14/image_06062.jpg differ diff --git a/flowers/train/14/image_06063.jpg b/flowers/train/14/image_06063.jpg new file mode 100644 index 00000000..b3819387 Binary files /dev/null and b/flowers/train/14/image_06063.jpg differ diff --git a/flowers/train/14/image_06064.jpg b/flowers/train/14/image_06064.jpg new file mode 100644 index 00000000..a40984c2 Binary files /dev/null and b/flowers/train/14/image_06064.jpg differ diff --git a/flowers/train/14/image_06065.jpg b/flowers/train/14/image_06065.jpg new file mode 100644 index 00000000..418b2a84 Binary files /dev/null and b/flowers/train/14/image_06065.jpg differ diff --git a/flowers/train/14/image_06066.jpg b/flowers/train/14/image_06066.jpg new file mode 100644 index 00000000..143003bc Binary files /dev/null and b/flowers/train/14/image_06066.jpg differ diff --git a/flowers/train/14/image_06067.jpg b/flowers/train/14/image_06067.jpg new file mode 100644 index 00000000..32254f35 Binary files /dev/null and b/flowers/train/14/image_06067.jpg differ diff --git a/flowers/train/14/image_06068.jpg b/flowers/train/14/image_06068.jpg new file mode 100644 index 00000000..3b694048 Binary files /dev/null and b/flowers/train/14/image_06068.jpg differ diff --git a/flowers/train/14/image_06069.jpg b/flowers/train/14/image_06069.jpg new file mode 100644 index 00000000..5a85f73a Binary files /dev/null and b/flowers/train/14/image_06069.jpg differ diff --git a/flowers/train/14/image_06070.jpg b/flowers/train/14/image_06070.jpg new file mode 100644 index 00000000..7115abd4 Binary files /dev/null and b/flowers/train/14/image_06070.jpg differ diff --git a/flowers/train/14/image_06071.jpg b/flowers/train/14/image_06071.jpg new file mode 100644 index 00000000..6534a2eb Binary files /dev/null and b/flowers/train/14/image_06071.jpg differ diff --git a/flowers/train/14/image_06072.jpg b/flowers/train/14/image_06072.jpg new file mode 100644 index 00000000..9544678d Binary files /dev/null and b/flowers/train/14/image_06072.jpg differ diff --git a/flowers/train/14/image_06073.jpg b/flowers/train/14/image_06073.jpg new file mode 100644 index 00000000..63cd8451 Binary files /dev/null and b/flowers/train/14/image_06073.jpg differ diff --git a/flowers/train/14/image_06074.jpg b/flowers/train/14/image_06074.jpg new file mode 100644 index 00000000..de7db31a Binary files /dev/null and b/flowers/train/14/image_06074.jpg differ diff --git a/flowers/train/14/image_06075.jpg b/flowers/train/14/image_06075.jpg new file mode 100644 index 00000000..bd3f550b Binary files /dev/null and b/flowers/train/14/image_06075.jpg differ diff --git a/flowers/train/14/image_06076.jpg b/flowers/train/14/image_06076.jpg new file mode 100644 index 00000000..f5c1633e Binary files /dev/null and b/flowers/train/14/image_06076.jpg differ diff --git a/flowers/train/14/image_06077.jpg b/flowers/train/14/image_06077.jpg new file mode 100644 index 00000000..1f38fd8b Binary files /dev/null and b/flowers/train/14/image_06077.jpg differ diff --git a/flowers/train/14/image_06078.jpg b/flowers/train/14/image_06078.jpg new file mode 100644 index 00000000..bb1965a7 Binary files /dev/null and b/flowers/train/14/image_06078.jpg differ diff --git a/flowers/train/14/image_06079.jpg b/flowers/train/14/image_06079.jpg new file mode 100644 index 00000000..f884e7dd Binary files /dev/null and b/flowers/train/14/image_06079.jpg differ diff --git a/flowers/train/14/image_06080.jpg b/flowers/train/14/image_06080.jpg new file mode 100644 index 00000000..d435a6dc Binary files /dev/null and b/flowers/train/14/image_06080.jpg differ diff --git a/flowers/train/14/image_06081.jpg b/flowers/train/14/image_06081.jpg new file mode 100644 index 00000000..ed42a18d Binary files /dev/null and b/flowers/train/14/image_06081.jpg differ diff --git a/flowers/train/14/image_06084.jpg b/flowers/train/14/image_06084.jpg new file mode 100644 index 00000000..aa9bdebd Binary files /dev/null and b/flowers/train/14/image_06084.jpg differ diff --git a/flowers/train/14/image_06085.jpg b/flowers/train/14/image_06085.jpg new file mode 100644 index 00000000..e4c87ecb Binary files /dev/null and b/flowers/train/14/image_06085.jpg differ diff --git a/flowers/train/14/image_06086.jpg b/flowers/train/14/image_06086.jpg new file mode 100644 index 00000000..3d0d6c3e Binary files /dev/null and b/flowers/train/14/image_06086.jpg differ diff --git a/flowers/train/14/image_06087.jpg b/flowers/train/14/image_06087.jpg new file mode 100644 index 00000000..1d9636ba Binary files /dev/null and b/flowers/train/14/image_06087.jpg differ diff --git a/flowers/train/14/image_06088.jpg b/flowers/train/14/image_06088.jpg new file mode 100644 index 00000000..f6363f4e Binary files /dev/null and b/flowers/train/14/image_06088.jpg differ diff --git a/flowers/train/14/image_06089.jpg b/flowers/train/14/image_06089.jpg new file mode 100644 index 00000000..3f1b1e42 Binary files /dev/null and b/flowers/train/14/image_06089.jpg differ diff --git a/flowers/train/14/image_06090.jpg b/flowers/train/14/image_06090.jpg new file mode 100644 index 00000000..31a498e0 Binary files /dev/null and b/flowers/train/14/image_06090.jpg differ diff --git a/flowers/train/14/image_06092.jpg b/flowers/train/14/image_06092.jpg new file mode 100644 index 00000000..3e929897 Binary files /dev/null and b/flowers/train/14/image_06092.jpg differ diff --git a/flowers/train/14/image_06093.jpg b/flowers/train/14/image_06093.jpg new file mode 100644 index 00000000..1e91b88f Binary files /dev/null and b/flowers/train/14/image_06093.jpg differ diff --git a/flowers/train/14/image_06094.jpg b/flowers/train/14/image_06094.jpg new file mode 100644 index 00000000..41337283 Binary files /dev/null and b/flowers/train/14/image_06094.jpg differ diff --git a/flowers/train/14/image_06095.jpg b/flowers/train/14/image_06095.jpg new file mode 100644 index 00000000..3e71c297 Binary files /dev/null and b/flowers/train/14/image_06095.jpg differ diff --git a/flowers/train/14/image_06096.jpg b/flowers/train/14/image_06096.jpg new file mode 100644 index 00000000..bf1da4e8 Binary files /dev/null and b/flowers/train/14/image_06096.jpg differ diff --git a/flowers/train/15/image_06347.jpg b/flowers/train/15/image_06347.jpg new file mode 100644 index 00000000..425e95e6 Binary files /dev/null and b/flowers/train/15/image_06347.jpg differ diff --git a/flowers/train/15/image_06348.jpg b/flowers/train/15/image_06348.jpg new file mode 100644 index 00000000..28e8be9d Binary files /dev/null and b/flowers/train/15/image_06348.jpg differ diff --git a/flowers/train/15/image_06349.jpg b/flowers/train/15/image_06349.jpg new file mode 100644 index 00000000..76683b17 Binary files /dev/null and b/flowers/train/15/image_06349.jpg differ diff --git a/flowers/train/15/image_06350.jpg b/flowers/train/15/image_06350.jpg new file mode 100644 index 00000000..f0987ad2 Binary files /dev/null and b/flowers/train/15/image_06350.jpg differ diff --git a/flowers/train/15/image_06352.jpg b/flowers/train/15/image_06352.jpg new file mode 100644 index 00000000..4f650a40 Binary files /dev/null and b/flowers/train/15/image_06352.jpg differ diff --git a/flowers/train/15/image_06355.jpg b/flowers/train/15/image_06355.jpg new file mode 100644 index 00000000..ee9f50c5 Binary files /dev/null and b/flowers/train/15/image_06355.jpg differ diff --git a/flowers/train/15/image_06356.jpg b/flowers/train/15/image_06356.jpg new file mode 100644 index 00000000..35078ee4 Binary files /dev/null and b/flowers/train/15/image_06356.jpg differ diff --git a/flowers/train/15/image_06357.jpg b/flowers/train/15/image_06357.jpg new file mode 100644 index 00000000..ec072fd4 Binary files /dev/null and b/flowers/train/15/image_06357.jpg differ diff --git a/flowers/train/15/image_06359.jpg b/flowers/train/15/image_06359.jpg new file mode 100644 index 00000000..aba99bd6 Binary files /dev/null and b/flowers/train/15/image_06359.jpg differ diff --git a/flowers/train/15/image_06361.jpg b/flowers/train/15/image_06361.jpg new file mode 100644 index 00000000..9aab3adf Binary files /dev/null and b/flowers/train/15/image_06361.jpg differ diff --git a/flowers/train/15/image_06362.jpg b/flowers/train/15/image_06362.jpg new file mode 100644 index 00000000..9508c1ee Binary files /dev/null and b/flowers/train/15/image_06362.jpg differ diff --git a/flowers/train/15/image_06363.jpg b/flowers/train/15/image_06363.jpg new file mode 100644 index 00000000..0d6b3e25 Binary files /dev/null and b/flowers/train/15/image_06363.jpg differ diff --git a/flowers/train/15/image_06364.jpg b/flowers/train/15/image_06364.jpg new file mode 100644 index 00000000..71b0748e Binary files /dev/null and b/flowers/train/15/image_06364.jpg differ diff --git a/flowers/train/15/image_06365.jpg b/flowers/train/15/image_06365.jpg new file mode 100644 index 00000000..a6c84d49 Binary files /dev/null and b/flowers/train/15/image_06365.jpg differ diff --git a/flowers/train/15/image_06366.jpg b/flowers/train/15/image_06366.jpg new file mode 100644 index 00000000..4f592ae8 Binary files /dev/null and b/flowers/train/15/image_06366.jpg differ diff --git a/flowers/train/15/image_06367.jpg b/flowers/train/15/image_06367.jpg new file mode 100644 index 00000000..b654d4c0 Binary files /dev/null and b/flowers/train/15/image_06367.jpg differ diff --git a/flowers/train/15/image_06368.jpg b/flowers/train/15/image_06368.jpg new file mode 100644 index 00000000..9afcf57f Binary files /dev/null and b/flowers/train/15/image_06368.jpg differ diff --git a/flowers/train/15/image_06370.jpg b/flowers/train/15/image_06370.jpg new file mode 100644 index 00000000..1c108382 Binary files /dev/null and b/flowers/train/15/image_06370.jpg differ diff --git a/flowers/train/15/image_06371.jpg b/flowers/train/15/image_06371.jpg new file mode 100644 index 00000000..b2a1a978 Binary files /dev/null and b/flowers/train/15/image_06371.jpg differ diff --git a/flowers/train/15/image_06372.jpg b/flowers/train/15/image_06372.jpg new file mode 100644 index 00000000..0bf0cd2c Binary files /dev/null and b/flowers/train/15/image_06372.jpg differ diff --git a/flowers/train/15/image_06373.jpg b/flowers/train/15/image_06373.jpg new file mode 100644 index 00000000..e04191e6 Binary files /dev/null and b/flowers/train/15/image_06373.jpg differ diff --git a/flowers/train/15/image_06375.jpg b/flowers/train/15/image_06375.jpg new file mode 100644 index 00000000..b26adf68 Binary files /dev/null and b/flowers/train/15/image_06375.jpg differ diff --git a/flowers/train/15/image_06376.jpg b/flowers/train/15/image_06376.jpg new file mode 100644 index 00000000..8677378d Binary files /dev/null and b/flowers/train/15/image_06376.jpg differ diff --git a/flowers/train/15/image_06377.jpg b/flowers/train/15/image_06377.jpg new file mode 100644 index 00000000..dc24c0b2 Binary files /dev/null and b/flowers/train/15/image_06377.jpg differ diff --git a/flowers/train/15/image_06378.jpg b/flowers/train/15/image_06378.jpg new file mode 100644 index 00000000..45827045 Binary files /dev/null and b/flowers/train/15/image_06378.jpg differ diff --git a/flowers/train/15/image_06379.jpg b/flowers/train/15/image_06379.jpg new file mode 100644 index 00000000..76a43ef0 Binary files /dev/null and b/flowers/train/15/image_06379.jpg differ diff --git a/flowers/train/15/image_06380.jpg b/flowers/train/15/image_06380.jpg new file mode 100644 index 00000000..c5dd616b Binary files /dev/null and b/flowers/train/15/image_06380.jpg differ diff --git a/flowers/train/15/image_06381.jpg b/flowers/train/15/image_06381.jpg new file mode 100644 index 00000000..75c94ed1 Binary files /dev/null and b/flowers/train/15/image_06381.jpg differ diff --git a/flowers/train/15/image_06382.jpg b/flowers/train/15/image_06382.jpg new file mode 100644 index 00000000..f35d35c3 Binary files /dev/null and b/flowers/train/15/image_06382.jpg differ diff --git a/flowers/train/15/image_06383.jpg b/flowers/train/15/image_06383.jpg new file mode 100644 index 00000000..7a1e4466 Binary files /dev/null and b/flowers/train/15/image_06383.jpg differ diff --git a/flowers/train/15/image_06384.jpg b/flowers/train/15/image_06384.jpg new file mode 100644 index 00000000..eb4de303 Binary files /dev/null and b/flowers/train/15/image_06384.jpg differ diff --git a/flowers/train/15/image_06387.jpg b/flowers/train/15/image_06387.jpg new file mode 100644 index 00000000..79939940 Binary files /dev/null and b/flowers/train/15/image_06387.jpg differ diff --git a/flowers/train/15/image_06388.jpg b/flowers/train/15/image_06388.jpg new file mode 100644 index 00000000..7593abc2 Binary files /dev/null and b/flowers/train/15/image_06388.jpg differ diff --git a/flowers/train/15/image_06390.jpg b/flowers/train/15/image_06390.jpg new file mode 100644 index 00000000..72f88521 Binary files /dev/null and b/flowers/train/15/image_06390.jpg differ diff --git a/flowers/train/15/image_06391.jpg b/flowers/train/15/image_06391.jpg new file mode 100644 index 00000000..e0dc6b5a Binary files /dev/null and b/flowers/train/15/image_06391.jpg differ diff --git a/flowers/train/15/image_06392.jpg b/flowers/train/15/image_06392.jpg new file mode 100644 index 00000000..be529054 Binary files /dev/null and b/flowers/train/15/image_06392.jpg differ diff --git a/flowers/train/15/image_06393.jpg b/flowers/train/15/image_06393.jpg new file mode 100644 index 00000000..b76aae96 Binary files /dev/null and b/flowers/train/15/image_06393.jpg differ diff --git a/flowers/train/15/image_06394.jpg b/flowers/train/15/image_06394.jpg new file mode 100644 index 00000000..29dbe94c Binary files /dev/null and b/flowers/train/15/image_06394.jpg differ diff --git a/flowers/train/16/image_06652.jpg b/flowers/train/16/image_06652.jpg new file mode 100644 index 00000000..46784941 Binary files /dev/null and b/flowers/train/16/image_06652.jpg differ diff --git a/flowers/train/16/image_06653.jpg b/flowers/train/16/image_06653.jpg new file mode 100644 index 00000000..8c858e1a Binary files /dev/null and b/flowers/train/16/image_06653.jpg differ diff --git a/flowers/train/16/image_06654.jpg b/flowers/train/16/image_06654.jpg new file mode 100644 index 00000000..d7df2298 Binary files /dev/null and b/flowers/train/16/image_06654.jpg differ diff --git a/flowers/train/16/image_06655.jpg b/flowers/train/16/image_06655.jpg new file mode 100644 index 00000000..c77e3961 Binary files /dev/null and b/flowers/train/16/image_06655.jpg differ diff --git a/flowers/train/16/image_06656.jpg b/flowers/train/16/image_06656.jpg new file mode 100644 index 00000000..9e821fd8 Binary files /dev/null and b/flowers/train/16/image_06656.jpg differ diff --git a/flowers/train/16/image_06658.jpg b/flowers/train/16/image_06658.jpg new file mode 100644 index 00000000..c019ea78 Binary files /dev/null and b/flowers/train/16/image_06658.jpg differ diff --git a/flowers/train/16/image_06659.jpg b/flowers/train/16/image_06659.jpg new file mode 100644 index 00000000..4143d208 Binary files /dev/null and b/flowers/train/16/image_06659.jpg differ diff --git a/flowers/train/16/image_06660.jpg b/flowers/train/16/image_06660.jpg new file mode 100644 index 00000000..9cd8cd7b Binary files /dev/null and b/flowers/train/16/image_06660.jpg differ diff --git a/flowers/train/16/image_06661.jpg b/flowers/train/16/image_06661.jpg new file mode 100644 index 00000000..417e2154 Binary files /dev/null and b/flowers/train/16/image_06661.jpg differ diff --git a/flowers/train/16/image_06662.jpg b/flowers/train/16/image_06662.jpg new file mode 100644 index 00000000..9044a4e7 Binary files /dev/null and b/flowers/train/16/image_06662.jpg differ diff --git a/flowers/train/16/image_06663.jpg b/flowers/train/16/image_06663.jpg new file mode 100644 index 00000000..691585ab Binary files /dev/null and b/flowers/train/16/image_06663.jpg differ diff --git a/flowers/train/16/image_06664.jpg b/flowers/train/16/image_06664.jpg new file mode 100644 index 00000000..c982d63e Binary files /dev/null and b/flowers/train/16/image_06664.jpg differ diff --git a/flowers/train/16/image_06665.jpg b/flowers/train/16/image_06665.jpg new file mode 100644 index 00000000..72ecac0d Binary files /dev/null and b/flowers/train/16/image_06665.jpg differ diff --git a/flowers/train/16/image_06666.jpg b/flowers/train/16/image_06666.jpg new file mode 100644 index 00000000..88fbae4a Binary files /dev/null and b/flowers/train/16/image_06666.jpg differ diff --git a/flowers/train/16/image_06667.jpg b/flowers/train/16/image_06667.jpg new file mode 100644 index 00000000..a82e1c89 Binary files /dev/null and b/flowers/train/16/image_06667.jpg differ diff --git a/flowers/train/16/image_06668.jpg b/flowers/train/16/image_06668.jpg new file mode 100644 index 00000000..2874ebec Binary files /dev/null and b/flowers/train/16/image_06668.jpg differ diff --git a/flowers/train/16/image_06669.jpg b/flowers/train/16/image_06669.jpg new file mode 100644 index 00000000..10f6e149 Binary files /dev/null and b/flowers/train/16/image_06669.jpg differ diff --git a/flowers/train/16/image_06672.jpg b/flowers/train/16/image_06672.jpg new file mode 100644 index 00000000..a71831e3 Binary files /dev/null and b/flowers/train/16/image_06672.jpg differ diff --git a/flowers/train/16/image_06674.jpg b/flowers/train/16/image_06674.jpg new file mode 100644 index 00000000..7b02bffa Binary files /dev/null and b/flowers/train/16/image_06674.jpg differ diff --git a/flowers/train/16/image_06675.jpg b/flowers/train/16/image_06675.jpg new file mode 100644 index 00000000..5d67eed1 Binary files /dev/null and b/flowers/train/16/image_06675.jpg differ diff --git a/flowers/train/16/image_06676.jpg b/flowers/train/16/image_06676.jpg new file mode 100644 index 00000000..ea8a60d9 Binary files /dev/null and b/flowers/train/16/image_06676.jpg differ diff --git a/flowers/train/16/image_06677.jpg b/flowers/train/16/image_06677.jpg new file mode 100644 index 00000000..761cec5e Binary files /dev/null and b/flowers/train/16/image_06677.jpg differ diff --git a/flowers/train/16/image_06678.jpg b/flowers/train/16/image_06678.jpg new file mode 100644 index 00000000..8831a2e6 Binary files /dev/null and b/flowers/train/16/image_06678.jpg differ diff --git a/flowers/train/16/image_06679.jpg b/flowers/train/16/image_06679.jpg new file mode 100644 index 00000000..f28d80a4 Binary files /dev/null and b/flowers/train/16/image_06679.jpg differ diff --git a/flowers/train/16/image_06680.jpg b/flowers/train/16/image_06680.jpg new file mode 100644 index 00000000..b41f4732 Binary files /dev/null and b/flowers/train/16/image_06680.jpg differ diff --git a/flowers/train/16/image_06681.jpg b/flowers/train/16/image_06681.jpg new file mode 100644 index 00000000..58a71097 Binary files /dev/null and b/flowers/train/16/image_06681.jpg differ diff --git a/flowers/train/16/image_06682.jpg b/flowers/train/16/image_06682.jpg new file mode 100644 index 00000000..ad55150f Binary files /dev/null and b/flowers/train/16/image_06682.jpg differ diff --git a/flowers/train/16/image_06683.jpg b/flowers/train/16/image_06683.jpg new file mode 100644 index 00000000..b99b46e2 Binary files /dev/null and b/flowers/train/16/image_06683.jpg differ diff --git a/flowers/train/16/image_06684.jpg b/flowers/train/16/image_06684.jpg new file mode 100644 index 00000000..8a34ca4d Binary files /dev/null and b/flowers/train/16/image_06684.jpg differ diff --git a/flowers/train/16/image_06685.jpg b/flowers/train/16/image_06685.jpg new file mode 100644 index 00000000..e9d5a34b Binary files /dev/null and b/flowers/train/16/image_06685.jpg differ diff --git a/flowers/train/16/image_06686.jpg b/flowers/train/16/image_06686.jpg new file mode 100644 index 00000000..d033014f Binary files /dev/null and b/flowers/train/16/image_06686.jpg differ diff --git a/flowers/train/16/image_06687.jpg b/flowers/train/16/image_06687.jpg new file mode 100644 index 00000000..1cd95e36 Binary files /dev/null and b/flowers/train/16/image_06687.jpg differ diff --git a/flowers/train/16/image_06688.jpg b/flowers/train/16/image_06688.jpg new file mode 100644 index 00000000..d1f67af7 Binary files /dev/null and b/flowers/train/16/image_06688.jpg differ diff --git a/flowers/train/16/image_06689.jpg b/flowers/train/16/image_06689.jpg new file mode 100644 index 00000000..79ac551d Binary files /dev/null and b/flowers/train/16/image_06689.jpg differ diff --git a/flowers/train/16/image_06690.jpg b/flowers/train/16/image_06690.jpg new file mode 100644 index 00000000..245a8858 Binary files /dev/null and b/flowers/train/16/image_06690.jpg differ diff --git a/flowers/train/16/image_06692.jpg b/flowers/train/16/image_06692.jpg new file mode 100644 index 00000000..da83628a Binary files /dev/null and b/flowers/train/16/image_06692.jpg differ diff --git a/flowers/train/17/image_03828.jpg b/flowers/train/17/image_03828.jpg new file mode 100644 index 00000000..8e2bf0d5 Binary files /dev/null and b/flowers/train/17/image_03828.jpg differ diff --git a/flowers/train/17/image_03832.jpg b/flowers/train/17/image_03832.jpg new file mode 100644 index 00000000..0bf26a0b Binary files /dev/null and b/flowers/train/17/image_03832.jpg differ diff --git a/flowers/train/17/image_03833.jpg b/flowers/train/17/image_03833.jpg new file mode 100644 index 00000000..e755c0d1 Binary files /dev/null and b/flowers/train/17/image_03833.jpg differ diff --git a/flowers/train/17/image_03835.jpg b/flowers/train/17/image_03835.jpg new file mode 100644 index 00000000..fa30a073 Binary files /dev/null and b/flowers/train/17/image_03835.jpg differ diff --git a/flowers/train/17/image_03836.jpg b/flowers/train/17/image_03836.jpg new file mode 100644 index 00000000..3b6b1ad9 Binary files /dev/null and b/flowers/train/17/image_03836.jpg differ diff --git a/flowers/train/17/image_03838.jpg b/flowers/train/17/image_03838.jpg new file mode 100644 index 00000000..7b16251a Binary files /dev/null and b/flowers/train/17/image_03838.jpg differ diff --git a/flowers/train/17/image_03840.jpg b/flowers/train/17/image_03840.jpg new file mode 100644 index 00000000..cf21e520 Binary files /dev/null and b/flowers/train/17/image_03840.jpg differ diff --git a/flowers/train/17/image_03841.jpg b/flowers/train/17/image_03841.jpg new file mode 100644 index 00000000..92630020 Binary files /dev/null and b/flowers/train/17/image_03841.jpg differ diff --git a/flowers/train/17/image_03844.jpg b/flowers/train/17/image_03844.jpg new file mode 100644 index 00000000..2a444eb0 Binary files /dev/null and b/flowers/train/17/image_03844.jpg differ diff --git a/flowers/train/17/image_03845.jpg b/flowers/train/17/image_03845.jpg new file mode 100644 index 00000000..b7a11310 Binary files /dev/null and b/flowers/train/17/image_03845.jpg differ diff --git a/flowers/train/17/image_03847.jpg b/flowers/train/17/image_03847.jpg new file mode 100644 index 00000000..8ffc75c6 Binary files /dev/null and b/flowers/train/17/image_03847.jpg differ diff --git a/flowers/train/17/image_03848.jpg b/flowers/train/17/image_03848.jpg new file mode 100644 index 00000000..70201fb5 Binary files /dev/null and b/flowers/train/17/image_03848.jpg differ diff --git a/flowers/train/17/image_03849.jpg b/flowers/train/17/image_03849.jpg new file mode 100644 index 00000000..8c3c8a2d Binary files /dev/null and b/flowers/train/17/image_03849.jpg differ diff --git a/flowers/train/17/image_03850.jpg b/flowers/train/17/image_03850.jpg new file mode 100644 index 00000000..5c762976 Binary files /dev/null and b/flowers/train/17/image_03850.jpg differ diff --git a/flowers/train/17/image_03852.jpg b/flowers/train/17/image_03852.jpg new file mode 100644 index 00000000..184d1728 Binary files /dev/null and b/flowers/train/17/image_03852.jpg differ diff --git a/flowers/train/17/image_03853.jpg b/flowers/train/17/image_03853.jpg new file mode 100644 index 00000000..702559d1 Binary files /dev/null and b/flowers/train/17/image_03853.jpg differ diff --git a/flowers/train/17/image_03857.jpg b/flowers/train/17/image_03857.jpg new file mode 100644 index 00000000..44a26079 Binary files /dev/null and b/flowers/train/17/image_03857.jpg differ diff --git a/flowers/train/17/image_03858.jpg b/flowers/train/17/image_03858.jpg new file mode 100644 index 00000000..89d439c7 Binary files /dev/null and b/flowers/train/17/image_03858.jpg differ diff --git a/flowers/train/17/image_03859.jpg b/flowers/train/17/image_03859.jpg new file mode 100644 index 00000000..ffecdb9e Binary files /dev/null and b/flowers/train/17/image_03859.jpg differ diff --git a/flowers/train/17/image_03860.jpg b/flowers/train/17/image_03860.jpg new file mode 100644 index 00000000..afff90b5 Binary files /dev/null and b/flowers/train/17/image_03860.jpg differ diff --git a/flowers/train/17/image_03862.jpg b/flowers/train/17/image_03862.jpg new file mode 100644 index 00000000..a4b4dee3 Binary files /dev/null and b/flowers/train/17/image_03862.jpg differ diff --git a/flowers/train/17/image_03863.jpg b/flowers/train/17/image_03863.jpg new file mode 100644 index 00000000..71c504c2 Binary files /dev/null and b/flowers/train/17/image_03863.jpg differ diff --git a/flowers/train/17/image_03865.jpg b/flowers/train/17/image_03865.jpg new file mode 100644 index 00000000..bdb3e61b Binary files /dev/null and b/flowers/train/17/image_03865.jpg differ diff --git a/flowers/train/17/image_03866.jpg b/flowers/train/17/image_03866.jpg new file mode 100644 index 00000000..e2eb91fa Binary files /dev/null and b/flowers/train/17/image_03866.jpg differ diff --git a/flowers/train/17/image_03867.jpg b/flowers/train/17/image_03867.jpg new file mode 100644 index 00000000..f25de86c Binary files /dev/null and b/flowers/train/17/image_03867.jpg differ diff --git a/flowers/train/17/image_03869.jpg b/flowers/train/17/image_03869.jpg new file mode 100644 index 00000000..736bdd43 Binary files /dev/null and b/flowers/train/17/image_03869.jpg differ diff --git a/flowers/train/17/image_03870.jpg b/flowers/train/17/image_03870.jpg new file mode 100644 index 00000000..5833b78f Binary files /dev/null and b/flowers/train/17/image_03870.jpg differ diff --git a/flowers/train/17/image_03871.jpg b/flowers/train/17/image_03871.jpg new file mode 100644 index 00000000..01b514d3 Binary files /dev/null and b/flowers/train/17/image_03871.jpg differ diff --git a/flowers/train/17/image_03873.jpg b/flowers/train/17/image_03873.jpg new file mode 100644 index 00000000..d6e9b8e6 Binary files /dev/null and b/flowers/train/17/image_03873.jpg differ diff --git a/flowers/train/17/image_03874.jpg b/flowers/train/17/image_03874.jpg new file mode 100644 index 00000000..b07eb892 Binary files /dev/null and b/flowers/train/17/image_03874.jpg differ diff --git a/flowers/train/17/image_03875.jpg b/flowers/train/17/image_03875.jpg new file mode 100644 index 00000000..34634bbf Binary files /dev/null and b/flowers/train/17/image_03875.jpg differ diff --git a/flowers/train/17/image_03877.jpg b/flowers/train/17/image_03877.jpg new file mode 100644 index 00000000..b8a1e8fe Binary files /dev/null and b/flowers/train/17/image_03877.jpg differ diff --git a/flowers/train/17/image_03878.jpg b/flowers/train/17/image_03878.jpg new file mode 100644 index 00000000..f62df87f Binary files /dev/null and b/flowers/train/17/image_03878.jpg differ diff --git a/flowers/train/17/image_03879.jpg b/flowers/train/17/image_03879.jpg new file mode 100644 index 00000000..3dce11e0 Binary files /dev/null and b/flowers/train/17/image_03879.jpg differ diff --git a/flowers/train/17/image_03880.jpg b/flowers/train/17/image_03880.jpg new file mode 100644 index 00000000..9fd92ac7 Binary files /dev/null and b/flowers/train/17/image_03880.jpg differ diff --git a/flowers/train/17/image_03881.jpg b/flowers/train/17/image_03881.jpg new file mode 100644 index 00000000..d94b2516 Binary files /dev/null and b/flowers/train/17/image_03881.jpg differ diff --git a/flowers/train/17/image_03882.jpg b/flowers/train/17/image_03882.jpg new file mode 100644 index 00000000..9126e201 Binary files /dev/null and b/flowers/train/17/image_03882.jpg differ diff --git a/flowers/train/17/image_03884.jpg b/flowers/train/17/image_03884.jpg new file mode 100644 index 00000000..111a266b Binary files /dev/null and b/flowers/train/17/image_03884.jpg differ diff --git a/flowers/train/17/image_03885.jpg b/flowers/train/17/image_03885.jpg new file mode 100644 index 00000000..d8734f8b Binary files /dev/null and b/flowers/train/17/image_03885.jpg differ diff --git a/flowers/train/17/image_03886.jpg b/flowers/train/17/image_03886.jpg new file mode 100644 index 00000000..b554090a Binary files /dev/null and b/flowers/train/17/image_03886.jpg differ diff --git a/flowers/train/17/image_03887.jpg b/flowers/train/17/image_03887.jpg new file mode 100644 index 00000000..063fc083 Binary files /dev/null and b/flowers/train/17/image_03887.jpg differ diff --git a/flowers/train/17/image_03888.jpg b/flowers/train/17/image_03888.jpg new file mode 100644 index 00000000..63d3b084 Binary files /dev/null and b/flowers/train/17/image_03888.jpg differ diff --git a/flowers/train/17/image_03889.jpg b/flowers/train/17/image_03889.jpg new file mode 100644 index 00000000..1bd47727 Binary files /dev/null and b/flowers/train/17/image_03889.jpg differ diff --git a/flowers/train/17/image_03891.jpg b/flowers/train/17/image_03891.jpg new file mode 100644 index 00000000..6f245add Binary files /dev/null and b/flowers/train/17/image_03891.jpg differ diff --git a/flowers/train/17/image_03892.jpg b/flowers/train/17/image_03892.jpg new file mode 100644 index 00000000..24d74736 Binary files /dev/null and b/flowers/train/17/image_03892.jpg differ diff --git a/flowers/train/17/image_03894.jpg b/flowers/train/17/image_03894.jpg new file mode 100644 index 00000000..cc423caa Binary files /dev/null and b/flowers/train/17/image_03894.jpg differ diff --git a/flowers/train/17/image_03895.jpg b/flowers/train/17/image_03895.jpg new file mode 100644 index 00000000..5dd662ba Binary files /dev/null and b/flowers/train/17/image_03895.jpg differ diff --git a/flowers/train/17/image_03896.jpg b/flowers/train/17/image_03896.jpg new file mode 100644 index 00000000..d04b16a1 Binary files /dev/null and b/flowers/train/17/image_03896.jpg differ diff --git a/flowers/train/17/image_03897.jpg b/flowers/train/17/image_03897.jpg new file mode 100644 index 00000000..529373c2 Binary files /dev/null and b/flowers/train/17/image_03897.jpg differ diff --git a/flowers/train/17/image_03898.jpg b/flowers/train/17/image_03898.jpg new file mode 100644 index 00000000..55ff16c7 Binary files /dev/null and b/flowers/train/17/image_03898.jpg differ diff --git a/flowers/train/17/image_03899.jpg b/flowers/train/17/image_03899.jpg new file mode 100644 index 00000000..8d070e3c Binary files /dev/null and b/flowers/train/17/image_03899.jpg differ diff --git a/flowers/train/17/image_03900.jpg b/flowers/train/17/image_03900.jpg new file mode 100644 index 00000000..2603fecd Binary files /dev/null and b/flowers/train/17/image_03900.jpg differ diff --git a/flowers/train/17/image_03901.jpg b/flowers/train/17/image_03901.jpg new file mode 100644 index 00000000..d2a9c6e5 Binary files /dev/null and b/flowers/train/17/image_03901.jpg differ diff --git a/flowers/train/17/image_03902.jpg b/flowers/train/17/image_03902.jpg new file mode 100644 index 00000000..108fba6a Binary files /dev/null and b/flowers/train/17/image_03902.jpg differ diff --git a/flowers/train/17/image_03903.jpg b/flowers/train/17/image_03903.jpg new file mode 100644 index 00000000..1fae090e Binary files /dev/null and b/flowers/train/17/image_03903.jpg differ diff --git a/flowers/train/17/image_03904.jpg b/flowers/train/17/image_03904.jpg new file mode 100644 index 00000000..074873af Binary files /dev/null and b/flowers/train/17/image_03904.jpg differ diff --git a/flowers/train/17/image_03905.jpg b/flowers/train/17/image_03905.jpg new file mode 100644 index 00000000..257f77c4 Binary files /dev/null and b/flowers/train/17/image_03905.jpg differ diff --git a/flowers/train/17/image_03909.jpg b/flowers/train/17/image_03909.jpg new file mode 100644 index 00000000..29dc82b3 Binary files /dev/null and b/flowers/train/17/image_03909.jpg differ diff --git a/flowers/train/17/image_03910.jpg b/flowers/train/17/image_03910.jpg new file mode 100644 index 00000000..7e544bf1 Binary files /dev/null and b/flowers/train/17/image_03910.jpg differ diff --git a/flowers/train/17/image_03912.jpg b/flowers/train/17/image_03912.jpg new file mode 100644 index 00000000..20045dee Binary files /dev/null and b/flowers/train/17/image_03912.jpg differ diff --git a/flowers/train/18/image_04244.jpg b/flowers/train/18/image_04244.jpg new file mode 100644 index 00000000..3380c122 Binary files /dev/null and b/flowers/train/18/image_04244.jpg differ diff --git a/flowers/train/18/image_04245.jpg b/flowers/train/18/image_04245.jpg new file mode 100644 index 00000000..754f7bc2 Binary files /dev/null and b/flowers/train/18/image_04245.jpg differ diff --git a/flowers/train/18/image_04246.jpg b/flowers/train/18/image_04246.jpg new file mode 100644 index 00000000..c3bc3168 Binary files /dev/null and b/flowers/train/18/image_04246.jpg differ diff --git a/flowers/train/18/image_04247.jpg b/flowers/train/18/image_04247.jpg new file mode 100644 index 00000000..b80e354b Binary files /dev/null and b/flowers/train/18/image_04247.jpg differ diff --git a/flowers/train/18/image_04249.jpg b/flowers/train/18/image_04249.jpg new file mode 100644 index 00000000..96b947fd Binary files /dev/null and b/flowers/train/18/image_04249.jpg differ diff --git a/flowers/train/18/image_04250.jpg b/flowers/train/18/image_04250.jpg new file mode 100644 index 00000000..5e1f579a Binary files /dev/null and b/flowers/train/18/image_04250.jpg differ diff --git a/flowers/train/18/image_04251.jpg b/flowers/train/18/image_04251.jpg new file mode 100644 index 00000000..a20909b7 Binary files /dev/null and b/flowers/train/18/image_04251.jpg differ diff --git a/flowers/train/18/image_04253.jpg b/flowers/train/18/image_04253.jpg new file mode 100644 index 00000000..aeaa688f Binary files /dev/null and b/flowers/train/18/image_04253.jpg differ diff --git a/flowers/train/18/image_04255.jpg b/flowers/train/18/image_04255.jpg new file mode 100644 index 00000000..5dfb238d Binary files /dev/null and b/flowers/train/18/image_04255.jpg differ diff --git a/flowers/train/18/image_04257.jpg b/flowers/train/18/image_04257.jpg new file mode 100644 index 00000000..076144db Binary files /dev/null and b/flowers/train/18/image_04257.jpg differ diff --git a/flowers/train/18/image_04258.jpg b/flowers/train/18/image_04258.jpg new file mode 100644 index 00000000..d84fa491 Binary files /dev/null and b/flowers/train/18/image_04258.jpg differ diff --git a/flowers/train/18/image_04259.jpg b/flowers/train/18/image_04259.jpg new file mode 100644 index 00000000..a44fcdda Binary files /dev/null and b/flowers/train/18/image_04259.jpg differ diff --git a/flowers/train/18/image_04260.jpg b/flowers/train/18/image_04260.jpg new file mode 100644 index 00000000..cf768be1 Binary files /dev/null and b/flowers/train/18/image_04260.jpg differ diff --git a/flowers/train/18/image_04262.jpg b/flowers/train/18/image_04262.jpg new file mode 100644 index 00000000..2f5e41d3 Binary files /dev/null and b/flowers/train/18/image_04262.jpg differ diff --git a/flowers/train/18/image_04264.jpg b/flowers/train/18/image_04264.jpg new file mode 100644 index 00000000..60875df7 Binary files /dev/null and b/flowers/train/18/image_04264.jpg differ diff --git a/flowers/train/18/image_04265.jpg b/flowers/train/18/image_04265.jpg new file mode 100644 index 00000000..24ed18e0 Binary files /dev/null and b/flowers/train/18/image_04265.jpg differ diff --git a/flowers/train/18/image_04266.jpg b/flowers/train/18/image_04266.jpg new file mode 100644 index 00000000..8302a71c Binary files /dev/null and b/flowers/train/18/image_04266.jpg differ diff --git a/flowers/train/18/image_04267.jpg b/flowers/train/18/image_04267.jpg new file mode 100644 index 00000000..226bce2f Binary files /dev/null and b/flowers/train/18/image_04267.jpg differ diff --git a/flowers/train/18/image_04268.jpg b/flowers/train/18/image_04268.jpg new file mode 100644 index 00000000..aa859bb5 Binary files /dev/null and b/flowers/train/18/image_04268.jpg differ diff --git a/flowers/train/18/image_04269.jpg b/flowers/train/18/image_04269.jpg new file mode 100644 index 00000000..8fbeb8a6 Binary files /dev/null and b/flowers/train/18/image_04269.jpg differ diff --git a/flowers/train/18/image_04270.jpg b/flowers/train/18/image_04270.jpg new file mode 100644 index 00000000..5f7cd404 Binary files /dev/null and b/flowers/train/18/image_04270.jpg differ diff --git a/flowers/train/18/image_04271.jpg b/flowers/train/18/image_04271.jpg new file mode 100644 index 00000000..0e09a85f Binary files /dev/null and b/flowers/train/18/image_04271.jpg differ diff --git a/flowers/train/18/image_04273.jpg b/flowers/train/18/image_04273.jpg new file mode 100644 index 00000000..e9d78d18 Binary files /dev/null and b/flowers/train/18/image_04273.jpg differ diff --git a/flowers/train/18/image_04274.jpg b/flowers/train/18/image_04274.jpg new file mode 100644 index 00000000..c26b3b74 Binary files /dev/null and b/flowers/train/18/image_04274.jpg differ diff --git a/flowers/train/18/image_04275.jpg b/flowers/train/18/image_04275.jpg new file mode 100644 index 00000000..b41c7a81 Binary files /dev/null and b/flowers/train/18/image_04275.jpg differ diff --git a/flowers/train/18/image_04276.jpg b/flowers/train/18/image_04276.jpg new file mode 100644 index 00000000..d2789b1b Binary files /dev/null and b/flowers/train/18/image_04276.jpg differ diff --git a/flowers/train/18/image_04279.jpg b/flowers/train/18/image_04279.jpg new file mode 100644 index 00000000..b3a8e8ac Binary files /dev/null and b/flowers/train/18/image_04279.jpg differ diff --git a/flowers/train/18/image_04280.jpg b/flowers/train/18/image_04280.jpg new file mode 100644 index 00000000..69614718 Binary files /dev/null and b/flowers/train/18/image_04280.jpg differ diff --git a/flowers/train/18/image_04281.jpg b/flowers/train/18/image_04281.jpg new file mode 100644 index 00000000..b61a122f Binary files /dev/null and b/flowers/train/18/image_04281.jpg differ diff --git a/flowers/train/18/image_04282.jpg b/flowers/train/18/image_04282.jpg new file mode 100644 index 00000000..b3d6314b Binary files /dev/null and b/flowers/train/18/image_04282.jpg differ diff --git a/flowers/train/18/image_04283.jpg b/flowers/train/18/image_04283.jpg new file mode 100644 index 00000000..03e3e27a Binary files /dev/null and b/flowers/train/18/image_04283.jpg differ diff --git a/flowers/train/18/image_04284.jpg b/flowers/train/18/image_04284.jpg new file mode 100644 index 00000000..bbd15496 Binary files /dev/null and b/flowers/train/18/image_04284.jpg differ diff --git a/flowers/train/18/image_04285.jpg b/flowers/train/18/image_04285.jpg new file mode 100644 index 00000000..a7a1f97b Binary files /dev/null and b/flowers/train/18/image_04285.jpg differ diff --git a/flowers/train/18/image_04286.jpg b/flowers/train/18/image_04286.jpg new file mode 100644 index 00000000..21e641ec Binary files /dev/null and b/flowers/train/18/image_04286.jpg differ diff --git a/flowers/train/18/image_04287.jpg b/flowers/train/18/image_04287.jpg new file mode 100644 index 00000000..66e56c4a Binary files /dev/null and b/flowers/train/18/image_04287.jpg differ diff --git a/flowers/train/18/image_04288.jpg b/flowers/train/18/image_04288.jpg new file mode 100644 index 00000000..c8b6d5a7 Binary files /dev/null and b/flowers/train/18/image_04288.jpg differ diff --git a/flowers/train/18/image_04289.jpg b/flowers/train/18/image_04289.jpg new file mode 100644 index 00000000..35a221fe Binary files /dev/null and b/flowers/train/18/image_04289.jpg differ diff --git a/flowers/train/18/image_04291.jpg b/flowers/train/18/image_04291.jpg new file mode 100644 index 00000000..c439fc4d Binary files /dev/null and b/flowers/train/18/image_04291.jpg differ diff --git a/flowers/train/18/image_04293.jpg b/flowers/train/18/image_04293.jpg new file mode 100644 index 00000000..12ca77cb Binary files /dev/null and b/flowers/train/18/image_04293.jpg differ diff --git a/flowers/train/18/image_04294.jpg b/flowers/train/18/image_04294.jpg new file mode 100644 index 00000000..4a7965aa Binary files /dev/null and b/flowers/train/18/image_04294.jpg differ diff --git a/flowers/train/18/image_04295.jpg b/flowers/train/18/image_04295.jpg new file mode 100644 index 00000000..56a16f3d Binary files /dev/null and b/flowers/train/18/image_04295.jpg differ diff --git a/flowers/train/18/image_04296.jpg b/flowers/train/18/image_04296.jpg new file mode 100644 index 00000000..9ba47ae5 Binary files /dev/null and b/flowers/train/18/image_04296.jpg differ diff --git a/flowers/train/18/image_04297.jpg b/flowers/train/18/image_04297.jpg new file mode 100644 index 00000000..d4d7591b Binary files /dev/null and b/flowers/train/18/image_04297.jpg differ diff --git a/flowers/train/18/image_04298.jpg b/flowers/train/18/image_04298.jpg new file mode 100644 index 00000000..119390ec Binary files /dev/null and b/flowers/train/18/image_04298.jpg differ diff --git a/flowers/train/18/image_04300.jpg b/flowers/train/18/image_04300.jpg new file mode 100644 index 00000000..41b021f9 Binary files /dev/null and b/flowers/train/18/image_04300.jpg differ diff --git a/flowers/train/18/image_04301.jpg b/flowers/train/18/image_04301.jpg new file mode 100644 index 00000000..cfbced3f Binary files /dev/null and b/flowers/train/18/image_04301.jpg differ diff --git a/flowers/train/18/image_04302.jpg b/flowers/train/18/image_04302.jpg new file mode 100644 index 00000000..ef58b23f Binary files /dev/null and b/flowers/train/18/image_04302.jpg differ diff --git a/flowers/train/18/image_04303.jpg b/flowers/train/18/image_04303.jpg new file mode 100644 index 00000000..b58920d5 Binary files /dev/null and b/flowers/train/18/image_04303.jpg differ diff --git a/flowers/train/18/image_04304.jpg b/flowers/train/18/image_04304.jpg new file mode 100644 index 00000000..97381097 Binary files /dev/null and b/flowers/train/18/image_04304.jpg differ diff --git a/flowers/train/18/image_04305.jpg b/flowers/train/18/image_04305.jpg new file mode 100644 index 00000000..e2298a6c Binary files /dev/null and b/flowers/train/18/image_04305.jpg differ diff --git a/flowers/train/18/image_04306.jpg b/flowers/train/18/image_04306.jpg new file mode 100644 index 00000000..91b2ae3c Binary files /dev/null and b/flowers/train/18/image_04306.jpg differ diff --git a/flowers/train/18/image_04307.jpg b/flowers/train/18/image_04307.jpg new file mode 100644 index 00000000..0a62368e Binary files /dev/null and b/flowers/train/18/image_04307.jpg differ diff --git a/flowers/train/18/image_04308.jpg b/flowers/train/18/image_04308.jpg new file mode 100644 index 00000000..2fc3098b Binary files /dev/null and b/flowers/train/18/image_04308.jpg differ diff --git a/flowers/train/18/image_04309.jpg b/flowers/train/18/image_04309.jpg new file mode 100644 index 00000000..0a14d721 Binary files /dev/null and b/flowers/train/18/image_04309.jpg differ diff --git a/flowers/train/18/image_04310.jpg b/flowers/train/18/image_04310.jpg new file mode 100644 index 00000000..5832793a Binary files /dev/null and b/flowers/train/18/image_04310.jpg differ diff --git a/flowers/train/18/image_04313.jpg b/flowers/train/18/image_04313.jpg new file mode 100644 index 00000000..b0474637 Binary files /dev/null and b/flowers/train/18/image_04313.jpg differ diff --git a/flowers/train/18/image_04314.jpg b/flowers/train/18/image_04314.jpg new file mode 100644 index 00000000..da3454f8 Binary files /dev/null and b/flowers/train/18/image_04314.jpg differ diff --git a/flowers/train/18/image_04316.jpg b/flowers/train/18/image_04316.jpg new file mode 100644 index 00000000..0438669b Binary files /dev/null and b/flowers/train/18/image_04316.jpg differ diff --git a/flowers/train/18/image_04318.jpg b/flowers/train/18/image_04318.jpg new file mode 100644 index 00000000..44ecf370 Binary files /dev/null and b/flowers/train/18/image_04318.jpg differ diff --git a/flowers/train/18/image_04319.jpg b/flowers/train/18/image_04319.jpg new file mode 100644 index 00000000..8067ba12 Binary files /dev/null and b/flowers/train/18/image_04319.jpg differ diff --git a/flowers/train/18/image_04320.jpg b/flowers/train/18/image_04320.jpg new file mode 100644 index 00000000..07855381 Binary files /dev/null and b/flowers/train/18/image_04320.jpg differ diff --git a/flowers/train/18/image_04321.jpg b/flowers/train/18/image_04321.jpg new file mode 100644 index 00000000..1392a296 Binary files /dev/null and b/flowers/train/18/image_04321.jpg differ diff --git a/flowers/train/18/image_04323.jpg b/flowers/train/18/image_04323.jpg new file mode 100644 index 00000000..83fd88e4 Binary files /dev/null and b/flowers/train/18/image_04323.jpg differ diff --git a/flowers/train/18/image_04324.jpg b/flowers/train/18/image_04324.jpg new file mode 100644 index 00000000..bbbba772 Binary files /dev/null and b/flowers/train/18/image_04324.jpg differ diff --git a/flowers/train/18/image_04325.jpg b/flowers/train/18/image_04325.jpg new file mode 100644 index 00000000..96cf4991 Binary files /dev/null and b/flowers/train/18/image_04325.jpg differ diff --git a/flowers/train/19/image_06149.jpg b/flowers/train/19/image_06149.jpg new file mode 100644 index 00000000..6e954a00 Binary files /dev/null and b/flowers/train/19/image_06149.jpg differ diff --git a/flowers/train/19/image_06150.jpg b/flowers/train/19/image_06150.jpg new file mode 100644 index 00000000..f84c727e Binary files /dev/null and b/flowers/train/19/image_06150.jpg differ diff --git a/flowers/train/19/image_06151.jpg b/flowers/train/19/image_06151.jpg new file mode 100644 index 00000000..8f47bef1 Binary files /dev/null and b/flowers/train/19/image_06151.jpg differ diff --git a/flowers/train/19/image_06152.jpg b/flowers/train/19/image_06152.jpg new file mode 100644 index 00000000..99dfe789 Binary files /dev/null and b/flowers/train/19/image_06152.jpg differ diff --git a/flowers/train/19/image_06153.jpg b/flowers/train/19/image_06153.jpg new file mode 100644 index 00000000..38e58b00 Binary files /dev/null and b/flowers/train/19/image_06153.jpg differ diff --git a/flowers/train/19/image_06154.jpg b/flowers/train/19/image_06154.jpg new file mode 100644 index 00000000..b250aa9b Binary files /dev/null and b/flowers/train/19/image_06154.jpg differ diff --git a/flowers/train/19/image_06156.jpg b/flowers/train/19/image_06156.jpg new file mode 100644 index 00000000..ecb4f719 Binary files /dev/null and b/flowers/train/19/image_06156.jpg differ diff --git a/flowers/train/19/image_06157.jpg b/flowers/train/19/image_06157.jpg new file mode 100644 index 00000000..53e09a95 Binary files /dev/null and b/flowers/train/19/image_06157.jpg differ diff --git a/flowers/train/19/image_06160.jpg b/flowers/train/19/image_06160.jpg new file mode 100644 index 00000000..44ddc0a0 Binary files /dev/null and b/flowers/train/19/image_06160.jpg differ diff --git a/flowers/train/19/image_06161.jpg b/flowers/train/19/image_06161.jpg new file mode 100644 index 00000000..0a071385 Binary files /dev/null and b/flowers/train/19/image_06161.jpg differ diff --git a/flowers/train/19/image_06162.jpg b/flowers/train/19/image_06162.jpg new file mode 100644 index 00000000..2154aab2 Binary files /dev/null and b/flowers/train/19/image_06162.jpg differ diff --git a/flowers/train/19/image_06163.jpg b/flowers/train/19/image_06163.jpg new file mode 100644 index 00000000..7dfc88b4 Binary files /dev/null and b/flowers/train/19/image_06163.jpg differ diff --git a/flowers/train/19/image_06164.jpg b/flowers/train/19/image_06164.jpg new file mode 100644 index 00000000..34cb9c89 Binary files /dev/null and b/flowers/train/19/image_06164.jpg differ diff --git a/flowers/train/19/image_06166.jpg b/flowers/train/19/image_06166.jpg new file mode 100644 index 00000000..ada57ffe Binary files /dev/null and b/flowers/train/19/image_06166.jpg differ diff --git a/flowers/train/19/image_06167.jpg b/flowers/train/19/image_06167.jpg new file mode 100644 index 00000000..067347c6 Binary files /dev/null and b/flowers/train/19/image_06167.jpg differ diff --git a/flowers/train/19/image_06168.jpg b/flowers/train/19/image_06168.jpg new file mode 100644 index 00000000..a19ffe67 Binary files /dev/null and b/flowers/train/19/image_06168.jpg differ diff --git a/flowers/train/19/image_06169.jpg b/flowers/train/19/image_06169.jpg new file mode 100644 index 00000000..917078d8 Binary files /dev/null and b/flowers/train/19/image_06169.jpg differ diff --git a/flowers/train/19/image_06171.jpg b/flowers/train/19/image_06171.jpg new file mode 100644 index 00000000..96e7a613 Binary files /dev/null and b/flowers/train/19/image_06171.jpg differ diff --git a/flowers/train/19/image_06172.jpg b/flowers/train/19/image_06172.jpg new file mode 100644 index 00000000..e93e7aeb Binary files /dev/null and b/flowers/train/19/image_06172.jpg differ diff --git a/flowers/train/19/image_06173.jpg b/flowers/train/19/image_06173.jpg new file mode 100644 index 00000000..068acfd6 Binary files /dev/null and b/flowers/train/19/image_06173.jpg differ diff --git a/flowers/train/19/image_06174.jpg b/flowers/train/19/image_06174.jpg new file mode 100644 index 00000000..7f1e8919 Binary files /dev/null and b/flowers/train/19/image_06174.jpg differ diff --git a/flowers/train/19/image_06176.jpg b/flowers/train/19/image_06176.jpg new file mode 100644 index 00000000..a414ff5c Binary files /dev/null and b/flowers/train/19/image_06176.jpg differ diff --git a/flowers/train/19/image_06177.jpg b/flowers/train/19/image_06177.jpg new file mode 100644 index 00000000..6c2fcb08 Binary files /dev/null and b/flowers/train/19/image_06177.jpg differ diff --git a/flowers/train/19/image_06178.jpg b/flowers/train/19/image_06178.jpg new file mode 100644 index 00000000..976f3197 Binary files /dev/null and b/flowers/train/19/image_06178.jpg differ diff --git a/flowers/train/19/image_06179.jpg b/flowers/train/19/image_06179.jpg new file mode 100644 index 00000000..69817b87 Binary files /dev/null and b/flowers/train/19/image_06179.jpg differ diff --git a/flowers/train/19/image_06180.jpg b/flowers/train/19/image_06180.jpg new file mode 100644 index 00000000..0bff6e49 Binary files /dev/null and b/flowers/train/19/image_06180.jpg differ diff --git a/flowers/train/19/image_06181.jpg b/flowers/train/19/image_06181.jpg new file mode 100644 index 00000000..681cfe4e Binary files /dev/null and b/flowers/train/19/image_06181.jpg differ diff --git a/flowers/train/19/image_06182.jpg b/flowers/train/19/image_06182.jpg new file mode 100644 index 00000000..e70065e1 Binary files /dev/null and b/flowers/train/19/image_06182.jpg differ diff --git a/flowers/train/19/image_06183.jpg b/flowers/train/19/image_06183.jpg new file mode 100644 index 00000000..98f365ae Binary files /dev/null and b/flowers/train/19/image_06183.jpg differ diff --git a/flowers/train/19/image_06184.jpg b/flowers/train/19/image_06184.jpg new file mode 100644 index 00000000..58c5747a Binary files /dev/null and b/flowers/train/19/image_06184.jpg differ diff --git a/flowers/train/19/image_06185.jpg b/flowers/train/19/image_06185.jpg new file mode 100644 index 00000000..fca4eda0 Binary files /dev/null and b/flowers/train/19/image_06185.jpg differ diff --git a/flowers/train/19/image_06188.jpg b/flowers/train/19/image_06188.jpg new file mode 100644 index 00000000..69a3a247 Binary files /dev/null and b/flowers/train/19/image_06188.jpg differ diff --git a/flowers/train/19/image_06189.jpg b/flowers/train/19/image_06189.jpg new file mode 100644 index 00000000..cee5099b Binary files /dev/null and b/flowers/train/19/image_06189.jpg differ diff --git a/flowers/train/19/image_06190.jpg b/flowers/train/19/image_06190.jpg new file mode 100644 index 00000000..1a075abb Binary files /dev/null and b/flowers/train/19/image_06190.jpg differ diff --git a/flowers/train/19/image_06191.jpg b/flowers/train/19/image_06191.jpg new file mode 100644 index 00000000..972e99a7 Binary files /dev/null and b/flowers/train/19/image_06191.jpg differ diff --git a/flowers/train/19/image_06192.jpg b/flowers/train/19/image_06192.jpg new file mode 100644 index 00000000..06c6c665 Binary files /dev/null and b/flowers/train/19/image_06192.jpg differ diff --git a/flowers/train/19/image_06193.jpg b/flowers/train/19/image_06193.jpg new file mode 100644 index 00000000..ac51a9d7 Binary files /dev/null and b/flowers/train/19/image_06193.jpg differ diff --git a/flowers/train/19/image_06194.jpg b/flowers/train/19/image_06194.jpg new file mode 100644 index 00000000..4922567d Binary files /dev/null and b/flowers/train/19/image_06194.jpg differ diff --git a/flowers/train/2/image_05087.jpg b/flowers/train/2/image_05087.jpg new file mode 100644 index 00000000..a80ca30a Binary files /dev/null and b/flowers/train/2/image_05087.jpg differ diff --git a/flowers/train/2/image_05088.jpg b/flowers/train/2/image_05088.jpg new file mode 100644 index 00000000..5bb161bd Binary files /dev/null and b/flowers/train/2/image_05088.jpg differ diff --git a/flowers/train/2/image_05089.jpg b/flowers/train/2/image_05089.jpg new file mode 100644 index 00000000..0b561517 Binary files /dev/null and b/flowers/train/2/image_05089.jpg differ diff --git a/flowers/train/2/image_05090.jpg b/flowers/train/2/image_05090.jpg new file mode 100644 index 00000000..adc56a6c Binary files /dev/null and b/flowers/train/2/image_05090.jpg differ diff --git a/flowers/train/2/image_05091.jpg b/flowers/train/2/image_05091.jpg new file mode 100644 index 00000000..e67abf6c Binary files /dev/null and b/flowers/train/2/image_05091.jpg differ diff --git a/flowers/train/2/image_05092.jpg b/flowers/train/2/image_05092.jpg new file mode 100644 index 00000000..0484dc75 Binary files /dev/null and b/flowers/train/2/image_05092.jpg differ diff --git a/flowers/train/2/image_05093.jpg b/flowers/train/2/image_05093.jpg new file mode 100644 index 00000000..01c9dcfd Binary files /dev/null and b/flowers/train/2/image_05093.jpg differ diff --git a/flowers/train/2/image_05095.jpg b/flowers/train/2/image_05095.jpg new file mode 100644 index 00000000..eab2b572 Binary files /dev/null and b/flowers/train/2/image_05095.jpg differ diff --git a/flowers/train/2/image_05096.jpg b/flowers/train/2/image_05096.jpg new file mode 100644 index 00000000..29ce79bc Binary files /dev/null and b/flowers/train/2/image_05096.jpg differ diff --git a/flowers/train/2/image_05097.jpg b/flowers/train/2/image_05097.jpg new file mode 100644 index 00000000..3a9646b7 Binary files /dev/null and b/flowers/train/2/image_05097.jpg differ diff --git a/flowers/train/2/image_05098.jpg b/flowers/train/2/image_05098.jpg new file mode 100644 index 00000000..52f4416e Binary files /dev/null and b/flowers/train/2/image_05098.jpg differ diff --git a/flowers/train/2/image_05099.jpg b/flowers/train/2/image_05099.jpg new file mode 100644 index 00000000..4323643b Binary files /dev/null and b/flowers/train/2/image_05099.jpg differ diff --git a/flowers/train/2/image_05102.jpg b/flowers/train/2/image_05102.jpg new file mode 100644 index 00000000..b5734de1 Binary files /dev/null and b/flowers/train/2/image_05102.jpg differ diff --git a/flowers/train/2/image_05103.jpg b/flowers/train/2/image_05103.jpg new file mode 100644 index 00000000..56db71fe Binary files /dev/null and b/flowers/train/2/image_05103.jpg differ diff --git a/flowers/train/2/image_05104.jpg b/flowers/train/2/image_05104.jpg new file mode 100644 index 00000000..b1bbab4b Binary files /dev/null and b/flowers/train/2/image_05104.jpg differ diff --git a/flowers/train/2/image_05105.jpg b/flowers/train/2/image_05105.jpg new file mode 100644 index 00000000..2ae6c707 Binary files /dev/null and b/flowers/train/2/image_05105.jpg differ diff --git a/flowers/train/2/image_05106.jpg b/flowers/train/2/image_05106.jpg new file mode 100644 index 00000000..e57968cd Binary files /dev/null and b/flowers/train/2/image_05106.jpg differ diff --git a/flowers/train/2/image_05108.jpg b/flowers/train/2/image_05108.jpg new file mode 100644 index 00000000..759f14c7 Binary files /dev/null and b/flowers/train/2/image_05108.jpg differ diff --git a/flowers/train/2/image_05110.jpg b/flowers/train/2/image_05110.jpg new file mode 100644 index 00000000..465673f1 Binary files /dev/null and b/flowers/train/2/image_05110.jpg differ diff --git a/flowers/train/2/image_05111.jpg b/flowers/train/2/image_05111.jpg new file mode 100644 index 00000000..bed8f27e Binary files /dev/null and b/flowers/train/2/image_05111.jpg differ diff --git a/flowers/train/2/image_05112.jpg b/flowers/train/2/image_05112.jpg new file mode 100644 index 00000000..7247decd Binary files /dev/null and b/flowers/train/2/image_05112.jpg differ diff --git a/flowers/train/2/image_05113.jpg b/flowers/train/2/image_05113.jpg new file mode 100644 index 00000000..a9cf34f4 Binary files /dev/null and b/flowers/train/2/image_05113.jpg differ diff --git a/flowers/train/2/image_05114.jpg b/flowers/train/2/image_05114.jpg new file mode 100644 index 00000000..a569f2e2 Binary files /dev/null and b/flowers/train/2/image_05114.jpg differ diff --git a/flowers/train/2/image_05115.jpg b/flowers/train/2/image_05115.jpg new file mode 100644 index 00000000..40039a75 Binary files /dev/null and b/flowers/train/2/image_05115.jpg differ diff --git a/flowers/train/2/image_05116.jpg b/flowers/train/2/image_05116.jpg new file mode 100644 index 00000000..72b28e69 Binary files /dev/null and b/flowers/train/2/image_05116.jpg differ diff --git a/flowers/train/2/image_05117.jpg b/flowers/train/2/image_05117.jpg new file mode 100644 index 00000000..849b8bb3 Binary files /dev/null and b/flowers/train/2/image_05117.jpg differ diff --git a/flowers/train/2/image_05118.jpg b/flowers/train/2/image_05118.jpg new file mode 100644 index 00000000..d0fbd0d4 Binary files /dev/null and b/flowers/train/2/image_05118.jpg differ diff --git a/flowers/train/2/image_05119.jpg b/flowers/train/2/image_05119.jpg new file mode 100644 index 00000000..493eac05 Binary files /dev/null and b/flowers/train/2/image_05119.jpg differ diff --git a/flowers/train/2/image_05120.jpg b/flowers/train/2/image_05120.jpg new file mode 100644 index 00000000..5a1e3325 Binary files /dev/null and b/flowers/train/2/image_05120.jpg differ diff --git a/flowers/train/2/image_05121.jpg b/flowers/train/2/image_05121.jpg new file mode 100644 index 00000000..0f79ff40 Binary files /dev/null and b/flowers/train/2/image_05121.jpg differ diff --git a/flowers/train/2/image_05122.jpg b/flowers/train/2/image_05122.jpg new file mode 100644 index 00000000..c5d67d63 Binary files /dev/null and b/flowers/train/2/image_05122.jpg differ diff --git a/flowers/train/2/image_05123.jpg b/flowers/train/2/image_05123.jpg new file mode 100644 index 00000000..dc824966 Binary files /dev/null and b/flowers/train/2/image_05123.jpg differ diff --git a/flowers/train/2/image_05126.jpg b/flowers/train/2/image_05126.jpg new file mode 100644 index 00000000..d9e6ba7a Binary files /dev/null and b/flowers/train/2/image_05126.jpg differ diff --git a/flowers/train/2/image_05127.jpg b/flowers/train/2/image_05127.jpg new file mode 100644 index 00000000..3de31382 Binary files /dev/null and b/flowers/train/2/image_05127.jpg differ diff --git a/flowers/train/2/image_05128.jpg b/flowers/train/2/image_05128.jpg new file mode 100644 index 00000000..b94739b8 Binary files /dev/null and b/flowers/train/2/image_05128.jpg differ diff --git a/flowers/train/2/image_05129.jpg b/flowers/train/2/image_05129.jpg new file mode 100644 index 00000000..cbaee3c9 Binary files /dev/null and b/flowers/train/2/image_05129.jpg differ diff --git a/flowers/train/2/image_05130.jpg b/flowers/train/2/image_05130.jpg new file mode 100644 index 00000000..7f9babea Binary files /dev/null and b/flowers/train/2/image_05130.jpg differ diff --git a/flowers/train/2/image_05131.jpg b/flowers/train/2/image_05131.jpg new file mode 100644 index 00000000..4ebaca23 Binary files /dev/null and b/flowers/train/2/image_05131.jpg differ diff --git a/flowers/train/2/image_05132.jpg b/flowers/train/2/image_05132.jpg new file mode 100644 index 00000000..afa054da Binary files /dev/null and b/flowers/train/2/image_05132.jpg differ diff --git a/flowers/train/2/image_05134.jpg b/flowers/train/2/image_05134.jpg new file mode 100644 index 00000000..d1e1cd81 Binary files /dev/null and b/flowers/train/2/image_05134.jpg differ diff --git a/flowers/train/2/image_05135.jpg b/flowers/train/2/image_05135.jpg new file mode 100644 index 00000000..251cd7a4 Binary files /dev/null and b/flowers/train/2/image_05135.jpg differ diff --git a/flowers/train/2/image_05138.jpg b/flowers/train/2/image_05138.jpg new file mode 100644 index 00000000..c4776a58 Binary files /dev/null and b/flowers/train/2/image_05138.jpg differ diff --git a/flowers/train/2/image_05139.jpg b/flowers/train/2/image_05139.jpg new file mode 100644 index 00000000..c97f81b2 Binary files /dev/null and b/flowers/train/2/image_05139.jpg differ diff --git a/flowers/train/2/image_05140.jpg b/flowers/train/2/image_05140.jpg new file mode 100644 index 00000000..687c4f00 Binary files /dev/null and b/flowers/train/2/image_05140.jpg differ diff --git a/flowers/train/2/image_05141.jpg b/flowers/train/2/image_05141.jpg new file mode 100644 index 00000000..e69a6cc4 Binary files /dev/null and b/flowers/train/2/image_05141.jpg differ diff --git a/flowers/train/2/image_05143.jpg b/flowers/train/2/image_05143.jpg new file mode 100644 index 00000000..cf030563 Binary files /dev/null and b/flowers/train/2/image_05143.jpg differ diff --git a/flowers/train/2/image_05144.jpg b/flowers/train/2/image_05144.jpg new file mode 100644 index 00000000..225ad19e Binary files /dev/null and b/flowers/train/2/image_05144.jpg differ diff --git a/flowers/train/2/image_05145.jpg b/flowers/train/2/image_05145.jpg new file mode 100644 index 00000000..1cf5509c Binary files /dev/null and b/flowers/train/2/image_05145.jpg differ diff --git a/flowers/train/2/image_05146.jpg b/flowers/train/2/image_05146.jpg new file mode 100644 index 00000000..6f6ff0f7 Binary files /dev/null and b/flowers/train/2/image_05146.jpg differ diff --git a/flowers/train/20/image_04897.jpg b/flowers/train/20/image_04897.jpg new file mode 100644 index 00000000..10bdc301 Binary files /dev/null and b/flowers/train/20/image_04897.jpg differ diff --git a/flowers/train/20/image_04898.jpg b/flowers/train/20/image_04898.jpg new file mode 100644 index 00000000..3a5b21a5 Binary files /dev/null and b/flowers/train/20/image_04898.jpg differ diff --git a/flowers/train/20/image_04899.jpg b/flowers/train/20/image_04899.jpg new file mode 100644 index 00000000..001a9622 Binary files /dev/null and b/flowers/train/20/image_04899.jpg differ diff --git a/flowers/train/20/image_04900.jpg b/flowers/train/20/image_04900.jpg new file mode 100644 index 00000000..15b420bc Binary files /dev/null and b/flowers/train/20/image_04900.jpg differ diff --git a/flowers/train/20/image_04901.jpg b/flowers/train/20/image_04901.jpg new file mode 100644 index 00000000..38bc66c5 Binary files /dev/null and b/flowers/train/20/image_04901.jpg differ diff --git a/flowers/train/20/image_04902.jpg b/flowers/train/20/image_04902.jpg new file mode 100644 index 00000000..e6b43854 Binary files /dev/null and b/flowers/train/20/image_04902.jpg differ diff --git a/flowers/train/20/image_04904.jpg b/flowers/train/20/image_04904.jpg new file mode 100644 index 00000000..9601e0fb Binary files /dev/null and b/flowers/train/20/image_04904.jpg differ diff --git a/flowers/train/20/image_04905.jpg b/flowers/train/20/image_04905.jpg new file mode 100644 index 00000000..6396c8bf Binary files /dev/null and b/flowers/train/20/image_04905.jpg differ diff --git a/flowers/train/20/image_04906.jpg b/flowers/train/20/image_04906.jpg new file mode 100644 index 00000000..8993b58b Binary files /dev/null and b/flowers/train/20/image_04906.jpg differ diff --git a/flowers/train/20/image_04907.jpg b/flowers/train/20/image_04907.jpg new file mode 100644 index 00000000..b65e432c Binary files /dev/null and b/flowers/train/20/image_04907.jpg differ diff --git a/flowers/train/20/image_04908.jpg b/flowers/train/20/image_04908.jpg new file mode 100644 index 00000000..cd2a5ba2 Binary files /dev/null and b/flowers/train/20/image_04908.jpg differ diff --git a/flowers/train/20/image_04909.jpg b/flowers/train/20/image_04909.jpg new file mode 100644 index 00000000..aea50ffd Binary files /dev/null and b/flowers/train/20/image_04909.jpg differ diff --git a/flowers/train/20/image_04911.jpg b/flowers/train/20/image_04911.jpg new file mode 100644 index 00000000..1b6b5d9f Binary files /dev/null and b/flowers/train/20/image_04911.jpg differ diff --git a/flowers/train/20/image_04914.jpg b/flowers/train/20/image_04914.jpg new file mode 100644 index 00000000..638585ea Binary files /dev/null and b/flowers/train/20/image_04914.jpg differ diff --git a/flowers/train/20/image_04915.jpg b/flowers/train/20/image_04915.jpg new file mode 100644 index 00000000..db5836a1 Binary files /dev/null and b/flowers/train/20/image_04915.jpg differ diff --git a/flowers/train/20/image_04916.jpg b/flowers/train/20/image_04916.jpg new file mode 100644 index 00000000..b90965db Binary files /dev/null and b/flowers/train/20/image_04916.jpg differ diff --git a/flowers/train/20/image_04917.jpg b/flowers/train/20/image_04917.jpg new file mode 100644 index 00000000..03c2ff54 Binary files /dev/null and b/flowers/train/20/image_04917.jpg differ diff --git a/flowers/train/20/image_04919.jpg b/flowers/train/20/image_04919.jpg new file mode 100644 index 00000000..b95ee496 Binary files /dev/null and b/flowers/train/20/image_04919.jpg differ diff --git a/flowers/train/20/image_04921.jpg b/flowers/train/20/image_04921.jpg new file mode 100644 index 00000000..7e939d79 Binary files /dev/null and b/flowers/train/20/image_04921.jpg differ diff --git a/flowers/train/20/image_04922.jpg b/flowers/train/20/image_04922.jpg new file mode 100644 index 00000000..2231dcdf Binary files /dev/null and b/flowers/train/20/image_04922.jpg differ diff --git a/flowers/train/20/image_04923.jpg b/flowers/train/20/image_04923.jpg new file mode 100644 index 00000000..1503f488 Binary files /dev/null and b/flowers/train/20/image_04923.jpg differ diff --git a/flowers/train/20/image_04924.jpg b/flowers/train/20/image_04924.jpg new file mode 100644 index 00000000..d0afe6e9 Binary files /dev/null and b/flowers/train/20/image_04924.jpg differ diff --git a/flowers/train/20/image_04925.jpg b/flowers/train/20/image_04925.jpg new file mode 100644 index 00000000..9a4ea0b3 Binary files /dev/null and b/flowers/train/20/image_04925.jpg differ diff --git a/flowers/train/20/image_04926.jpg b/flowers/train/20/image_04926.jpg new file mode 100644 index 00000000..9fad9d96 Binary files /dev/null and b/flowers/train/20/image_04926.jpg differ diff --git a/flowers/train/20/image_04928.jpg b/flowers/train/20/image_04928.jpg new file mode 100644 index 00000000..dc87989e Binary files /dev/null and b/flowers/train/20/image_04928.jpg differ diff --git a/flowers/train/20/image_04929.jpg b/flowers/train/20/image_04929.jpg new file mode 100644 index 00000000..468cf28c Binary files /dev/null and b/flowers/train/20/image_04929.jpg differ diff --git a/flowers/train/20/image_04930.jpg b/flowers/train/20/image_04930.jpg new file mode 100644 index 00000000..7ec400e3 Binary files /dev/null and b/flowers/train/20/image_04930.jpg differ diff --git a/flowers/train/20/image_04931.jpg b/flowers/train/20/image_04931.jpg new file mode 100644 index 00000000..c2da7726 Binary files /dev/null and b/flowers/train/20/image_04931.jpg differ diff --git a/flowers/train/20/image_04932.jpg b/flowers/train/20/image_04932.jpg new file mode 100644 index 00000000..9466a452 Binary files /dev/null and b/flowers/train/20/image_04932.jpg differ diff --git a/flowers/train/20/image_04933.jpg b/flowers/train/20/image_04933.jpg new file mode 100644 index 00000000..299f1126 Binary files /dev/null and b/flowers/train/20/image_04933.jpg differ diff --git a/flowers/train/20/image_04934.jpg b/flowers/train/20/image_04934.jpg new file mode 100644 index 00000000..4015bee6 Binary files /dev/null and b/flowers/train/20/image_04934.jpg differ diff --git a/flowers/train/20/image_04935.jpg b/flowers/train/20/image_04935.jpg new file mode 100644 index 00000000..4179d9d4 Binary files /dev/null and b/flowers/train/20/image_04935.jpg differ diff --git a/flowers/train/20/image_04936.jpg b/flowers/train/20/image_04936.jpg new file mode 100644 index 00000000..2373741b Binary files /dev/null and b/flowers/train/20/image_04936.jpg differ diff --git a/flowers/train/20/image_04937.jpg b/flowers/train/20/image_04937.jpg new file mode 100644 index 00000000..37fd5fef Binary files /dev/null and b/flowers/train/20/image_04937.jpg differ diff --git a/flowers/train/20/image_04939.jpg b/flowers/train/20/image_04939.jpg new file mode 100644 index 00000000..7b7275eb Binary files /dev/null and b/flowers/train/20/image_04939.jpg differ diff --git a/flowers/train/20/image_04941.jpg b/flowers/train/20/image_04941.jpg new file mode 100644 index 00000000..07269a80 Binary files /dev/null and b/flowers/train/20/image_04941.jpg differ diff --git a/flowers/train/20/image_04943.jpg b/flowers/train/20/image_04943.jpg new file mode 100644 index 00000000..992d0060 Binary files /dev/null and b/flowers/train/20/image_04943.jpg differ diff --git a/flowers/train/20/image_04944.jpg b/flowers/train/20/image_04944.jpg new file mode 100644 index 00000000..58a18dd6 Binary files /dev/null and b/flowers/train/20/image_04944.jpg differ diff --git a/flowers/train/20/image_04945.jpg b/flowers/train/20/image_04945.jpg new file mode 100644 index 00000000..cf3548dc Binary files /dev/null and b/flowers/train/20/image_04945.jpg differ diff --git a/flowers/train/20/image_04946.jpg b/flowers/train/20/image_04946.jpg new file mode 100644 index 00000000..d0408c26 Binary files /dev/null and b/flowers/train/20/image_04946.jpg differ diff --git a/flowers/train/20/image_04947.jpg b/flowers/train/20/image_04947.jpg new file mode 100644 index 00000000..9dee14a6 Binary files /dev/null and b/flowers/train/20/image_04947.jpg differ diff --git a/flowers/train/20/image_04948.jpg b/flowers/train/20/image_04948.jpg new file mode 100644 index 00000000..9e53cbed Binary files /dev/null and b/flowers/train/20/image_04948.jpg differ diff --git a/flowers/train/20/image_04949.jpg b/flowers/train/20/image_04949.jpg new file mode 100644 index 00000000..8022c4ca Binary files /dev/null and b/flowers/train/20/image_04949.jpg differ diff --git a/flowers/train/20/image_04950.jpg b/flowers/train/20/image_04950.jpg new file mode 100644 index 00000000..8516a528 Binary files /dev/null and b/flowers/train/20/image_04950.jpg differ diff --git a/flowers/train/20/image_04951.jpg b/flowers/train/20/image_04951.jpg new file mode 100644 index 00000000..d000bced Binary files /dev/null and b/flowers/train/20/image_04951.jpg differ diff --git a/flowers/train/20/image_04952.jpg b/flowers/train/20/image_04952.jpg new file mode 100644 index 00000000..faa4dc4f Binary files /dev/null and b/flowers/train/20/image_04952.jpg differ diff --git a/flowers/train/21/image_06774.jpg b/flowers/train/21/image_06774.jpg new file mode 100644 index 00000000..6aab6e79 Binary files /dev/null and b/flowers/train/21/image_06774.jpg differ diff --git a/flowers/train/21/image_06775.jpg b/flowers/train/21/image_06775.jpg new file mode 100644 index 00000000..f792d3b0 Binary files /dev/null and b/flowers/train/21/image_06775.jpg differ diff --git a/flowers/train/21/image_06776.jpg b/flowers/train/21/image_06776.jpg new file mode 100644 index 00000000..ea0d05c3 Binary files /dev/null and b/flowers/train/21/image_06776.jpg differ diff --git a/flowers/train/21/image_06777.jpg b/flowers/train/21/image_06777.jpg new file mode 100644 index 00000000..1d3a89f1 Binary files /dev/null and b/flowers/train/21/image_06777.jpg differ diff --git a/flowers/train/21/image_06779.jpg b/flowers/train/21/image_06779.jpg new file mode 100644 index 00000000..933870a1 Binary files /dev/null and b/flowers/train/21/image_06779.jpg differ diff --git a/flowers/train/21/image_06780.jpg b/flowers/train/21/image_06780.jpg new file mode 100644 index 00000000..110b8465 Binary files /dev/null and b/flowers/train/21/image_06780.jpg differ diff --git a/flowers/train/21/image_06781.jpg b/flowers/train/21/image_06781.jpg new file mode 100644 index 00000000..5f3de863 Binary files /dev/null and b/flowers/train/21/image_06781.jpg differ diff --git a/flowers/train/21/image_06782.jpg b/flowers/train/21/image_06782.jpg new file mode 100644 index 00000000..378cf60a Binary files /dev/null and b/flowers/train/21/image_06782.jpg differ diff --git a/flowers/train/21/image_06783.jpg b/flowers/train/21/image_06783.jpg new file mode 100644 index 00000000..cdbef352 Binary files /dev/null and b/flowers/train/21/image_06783.jpg differ diff --git a/flowers/train/21/image_06785.jpg b/flowers/train/21/image_06785.jpg new file mode 100644 index 00000000..dd0dc1f0 Binary files /dev/null and b/flowers/train/21/image_06785.jpg differ diff --git a/flowers/train/21/image_06786.jpg b/flowers/train/21/image_06786.jpg new file mode 100644 index 00000000..0b0c5254 Binary files /dev/null and b/flowers/train/21/image_06786.jpg differ diff --git a/flowers/train/21/image_06787.jpg b/flowers/train/21/image_06787.jpg new file mode 100644 index 00000000..741e2a73 Binary files /dev/null and b/flowers/train/21/image_06787.jpg differ diff --git a/flowers/train/21/image_06789.jpg b/flowers/train/21/image_06789.jpg new file mode 100644 index 00000000..4a16ba51 Binary files /dev/null and b/flowers/train/21/image_06789.jpg differ diff --git a/flowers/train/21/image_06790.jpg b/flowers/train/21/image_06790.jpg new file mode 100644 index 00000000..099ebe59 Binary files /dev/null and b/flowers/train/21/image_06790.jpg differ diff --git a/flowers/train/21/image_06791.jpg b/flowers/train/21/image_06791.jpg new file mode 100644 index 00000000..245dc6c6 Binary files /dev/null and b/flowers/train/21/image_06791.jpg differ diff --git a/flowers/train/21/image_06792.jpg b/flowers/train/21/image_06792.jpg new file mode 100644 index 00000000..1fbe8941 Binary files /dev/null and b/flowers/train/21/image_06792.jpg differ diff --git a/flowers/train/21/image_06793.jpg b/flowers/train/21/image_06793.jpg new file mode 100644 index 00000000..f67c2d57 Binary files /dev/null and b/flowers/train/21/image_06793.jpg differ diff --git a/flowers/train/21/image_06794.jpg b/flowers/train/21/image_06794.jpg new file mode 100644 index 00000000..3f3152cf Binary files /dev/null and b/flowers/train/21/image_06794.jpg differ diff --git a/flowers/train/21/image_06795.jpg b/flowers/train/21/image_06795.jpg new file mode 100644 index 00000000..5086a404 Binary files /dev/null and b/flowers/train/21/image_06795.jpg differ diff --git a/flowers/train/21/image_06796.jpg b/flowers/train/21/image_06796.jpg new file mode 100644 index 00000000..351eb936 Binary files /dev/null and b/flowers/train/21/image_06796.jpg differ diff --git a/flowers/train/21/image_06797.jpg b/flowers/train/21/image_06797.jpg new file mode 100644 index 00000000..679e7b69 Binary files /dev/null and b/flowers/train/21/image_06797.jpg differ diff --git a/flowers/train/21/image_06798.jpg b/flowers/train/21/image_06798.jpg new file mode 100644 index 00000000..f0670735 Binary files /dev/null and b/flowers/train/21/image_06798.jpg differ diff --git a/flowers/train/21/image_06799.jpg b/flowers/train/21/image_06799.jpg new file mode 100644 index 00000000..7a1fc02a Binary files /dev/null and b/flowers/train/21/image_06799.jpg differ diff --git a/flowers/train/21/image_06800.jpg b/flowers/train/21/image_06800.jpg new file mode 100644 index 00000000..32ec7d0e Binary files /dev/null and b/flowers/train/21/image_06800.jpg differ diff --git a/flowers/train/21/image_06801.jpg b/flowers/train/21/image_06801.jpg new file mode 100644 index 00000000..b5ee400f Binary files /dev/null and b/flowers/train/21/image_06801.jpg differ diff --git a/flowers/train/21/image_06802.jpg b/flowers/train/21/image_06802.jpg new file mode 100644 index 00000000..4b3b85cb Binary files /dev/null and b/flowers/train/21/image_06802.jpg differ diff --git a/flowers/train/21/image_06803.jpg b/flowers/train/21/image_06803.jpg new file mode 100644 index 00000000..dbb813ad Binary files /dev/null and b/flowers/train/21/image_06803.jpg differ diff --git a/flowers/train/21/image_06806.jpg b/flowers/train/21/image_06806.jpg new file mode 100644 index 00000000..889a755f Binary files /dev/null and b/flowers/train/21/image_06806.jpg differ diff --git a/flowers/train/21/image_06808.jpg b/flowers/train/21/image_06808.jpg new file mode 100644 index 00000000..8b7aeb57 Binary files /dev/null and b/flowers/train/21/image_06808.jpg differ diff --git a/flowers/train/21/image_06809.jpg b/flowers/train/21/image_06809.jpg new file mode 100644 index 00000000..2541a0fb Binary files /dev/null and b/flowers/train/21/image_06809.jpg differ diff --git a/flowers/train/21/image_06810.jpg b/flowers/train/21/image_06810.jpg new file mode 100644 index 00000000..d7994ae6 Binary files /dev/null and b/flowers/train/21/image_06810.jpg differ diff --git a/flowers/train/21/image_06811.jpg b/flowers/train/21/image_06811.jpg new file mode 100644 index 00000000..3afae77e Binary files /dev/null and b/flowers/train/21/image_06811.jpg differ diff --git a/flowers/train/21/image_06812.jpg b/flowers/train/21/image_06812.jpg new file mode 100644 index 00000000..8ab070fd Binary files /dev/null and b/flowers/train/21/image_06812.jpg differ diff --git a/flowers/train/21/image_06813.jpg b/flowers/train/21/image_06813.jpg new file mode 100644 index 00000000..90287482 Binary files /dev/null and b/flowers/train/21/image_06813.jpg differ diff --git a/flowers/train/22/image_05340.jpg b/flowers/train/22/image_05340.jpg new file mode 100644 index 00000000..e1603ca9 Binary files /dev/null and b/flowers/train/22/image_05340.jpg differ diff --git a/flowers/train/22/image_05341.jpg b/flowers/train/22/image_05341.jpg new file mode 100644 index 00000000..9b321763 Binary files /dev/null and b/flowers/train/22/image_05341.jpg differ diff --git a/flowers/train/22/image_05342.jpg b/flowers/train/22/image_05342.jpg new file mode 100644 index 00000000..9ec8b763 Binary files /dev/null and b/flowers/train/22/image_05342.jpg differ diff --git a/flowers/train/22/image_05343.jpg b/flowers/train/22/image_05343.jpg new file mode 100644 index 00000000..8466d3e2 Binary files /dev/null and b/flowers/train/22/image_05343.jpg differ diff --git a/flowers/train/22/image_05344.jpg b/flowers/train/22/image_05344.jpg new file mode 100644 index 00000000..baa7f044 Binary files /dev/null and b/flowers/train/22/image_05344.jpg differ diff --git a/flowers/train/22/image_05345.jpg b/flowers/train/22/image_05345.jpg new file mode 100644 index 00000000..0eec21a8 Binary files /dev/null and b/flowers/train/22/image_05345.jpg differ diff --git a/flowers/train/22/image_05346.jpg b/flowers/train/22/image_05346.jpg new file mode 100644 index 00000000..b7e78fd1 Binary files /dev/null and b/flowers/train/22/image_05346.jpg differ diff --git a/flowers/train/22/image_05347.jpg b/flowers/train/22/image_05347.jpg new file mode 100644 index 00000000..10ed9812 Binary files /dev/null and b/flowers/train/22/image_05347.jpg differ diff --git a/flowers/train/22/image_05348.jpg b/flowers/train/22/image_05348.jpg new file mode 100644 index 00000000..87b09adb Binary files /dev/null and b/flowers/train/22/image_05348.jpg differ diff --git a/flowers/train/22/image_05349.jpg b/flowers/train/22/image_05349.jpg new file mode 100644 index 00000000..49c6343b Binary files /dev/null and b/flowers/train/22/image_05349.jpg differ diff --git a/flowers/train/22/image_05350.jpg b/flowers/train/22/image_05350.jpg new file mode 100644 index 00000000..185e9bae Binary files /dev/null and b/flowers/train/22/image_05350.jpg differ diff --git a/flowers/train/22/image_05351.jpg b/flowers/train/22/image_05351.jpg new file mode 100644 index 00000000..27573867 Binary files /dev/null and b/flowers/train/22/image_05351.jpg differ diff --git a/flowers/train/22/image_05353.jpg b/flowers/train/22/image_05353.jpg new file mode 100644 index 00000000..0821fd24 Binary files /dev/null and b/flowers/train/22/image_05353.jpg differ diff --git a/flowers/train/22/image_05354.jpg b/flowers/train/22/image_05354.jpg new file mode 100644 index 00000000..e4113645 Binary files /dev/null and b/flowers/train/22/image_05354.jpg differ diff --git a/flowers/train/22/image_05355.jpg b/flowers/train/22/image_05355.jpg new file mode 100644 index 00000000..104fb05b Binary files /dev/null and b/flowers/train/22/image_05355.jpg differ diff --git a/flowers/train/22/image_05356.jpg b/flowers/train/22/image_05356.jpg new file mode 100644 index 00000000..c4794e42 Binary files /dev/null and b/flowers/train/22/image_05356.jpg differ diff --git a/flowers/train/22/image_05357.jpg b/flowers/train/22/image_05357.jpg new file mode 100644 index 00000000..7641bbc3 Binary files /dev/null and b/flowers/train/22/image_05357.jpg differ diff --git a/flowers/train/22/image_05358.jpg b/flowers/train/22/image_05358.jpg new file mode 100644 index 00000000..e00b5fbd Binary files /dev/null and b/flowers/train/22/image_05358.jpg differ diff --git a/flowers/train/22/image_05359.jpg b/flowers/train/22/image_05359.jpg new file mode 100644 index 00000000..22f661d6 Binary files /dev/null and b/flowers/train/22/image_05359.jpg differ diff --git a/flowers/train/22/image_05363.jpg b/flowers/train/22/image_05363.jpg new file mode 100644 index 00000000..722b3ef5 Binary files /dev/null and b/flowers/train/22/image_05363.jpg differ diff --git a/flowers/train/22/image_05365.jpg b/flowers/train/22/image_05365.jpg new file mode 100644 index 00000000..a2a913d6 Binary files /dev/null and b/flowers/train/22/image_05365.jpg differ diff --git a/flowers/train/22/image_05367.jpg b/flowers/train/22/image_05367.jpg new file mode 100644 index 00000000..43537ce6 Binary files /dev/null and b/flowers/train/22/image_05367.jpg differ diff --git a/flowers/train/22/image_05369.jpg b/flowers/train/22/image_05369.jpg new file mode 100644 index 00000000..b3d290d8 Binary files /dev/null and b/flowers/train/22/image_05369.jpg differ diff --git a/flowers/train/22/image_05370.jpg b/flowers/train/22/image_05370.jpg new file mode 100644 index 00000000..13f5e95c Binary files /dev/null and b/flowers/train/22/image_05370.jpg differ diff --git a/flowers/train/22/image_05371.jpg b/flowers/train/22/image_05371.jpg new file mode 100644 index 00000000..2753db5e Binary files /dev/null and b/flowers/train/22/image_05371.jpg differ diff --git a/flowers/train/22/image_05372.jpg b/flowers/train/22/image_05372.jpg new file mode 100644 index 00000000..050ee25b Binary files /dev/null and b/flowers/train/22/image_05372.jpg differ diff --git a/flowers/train/22/image_05373.jpg b/flowers/train/22/image_05373.jpg new file mode 100644 index 00000000..1b646ac6 Binary files /dev/null and b/flowers/train/22/image_05373.jpg differ diff --git a/flowers/train/22/image_05374.jpg b/flowers/train/22/image_05374.jpg new file mode 100644 index 00000000..250c2e41 Binary files /dev/null and b/flowers/train/22/image_05374.jpg differ diff --git a/flowers/train/22/image_05375.jpg b/flowers/train/22/image_05375.jpg new file mode 100644 index 00000000..beb54866 Binary files /dev/null and b/flowers/train/22/image_05375.jpg differ diff --git a/flowers/train/22/image_05377.jpg b/flowers/train/22/image_05377.jpg new file mode 100644 index 00000000..d8d7f947 Binary files /dev/null and b/flowers/train/22/image_05377.jpg differ diff --git a/flowers/train/22/image_05378.jpg b/flowers/train/22/image_05378.jpg new file mode 100644 index 00000000..5c1c44f8 Binary files /dev/null and b/flowers/train/22/image_05378.jpg differ diff --git a/flowers/train/22/image_05379.jpg b/flowers/train/22/image_05379.jpg new file mode 100644 index 00000000..a6c38f3e Binary files /dev/null and b/flowers/train/22/image_05379.jpg differ diff --git a/flowers/train/22/image_05380.jpg b/flowers/train/22/image_05380.jpg new file mode 100644 index 00000000..2cb9b4fd Binary files /dev/null and b/flowers/train/22/image_05380.jpg differ diff --git a/flowers/train/22/image_05382.jpg b/flowers/train/22/image_05382.jpg new file mode 100644 index 00000000..a47c1294 Binary files /dev/null and b/flowers/train/22/image_05382.jpg differ diff --git a/flowers/train/22/image_05383.jpg b/flowers/train/22/image_05383.jpg new file mode 100644 index 00000000..63704b5d Binary files /dev/null and b/flowers/train/22/image_05383.jpg differ diff --git a/flowers/train/22/image_05384.jpg b/flowers/train/22/image_05384.jpg new file mode 100644 index 00000000..49cc93f1 Binary files /dev/null and b/flowers/train/22/image_05384.jpg differ diff --git a/flowers/train/22/image_05385.jpg b/flowers/train/22/image_05385.jpg new file mode 100644 index 00000000..ed8f1852 Binary files /dev/null and b/flowers/train/22/image_05385.jpg differ diff --git a/flowers/train/22/image_05386.jpg b/flowers/train/22/image_05386.jpg new file mode 100644 index 00000000..86a202a4 Binary files /dev/null and b/flowers/train/22/image_05386.jpg differ diff --git a/flowers/train/22/image_05387.jpg b/flowers/train/22/image_05387.jpg new file mode 100644 index 00000000..013d7330 Binary files /dev/null and b/flowers/train/22/image_05387.jpg differ diff --git a/flowers/train/22/image_05389.jpg b/flowers/train/22/image_05389.jpg new file mode 100644 index 00000000..b07ef06a Binary files /dev/null and b/flowers/train/22/image_05389.jpg differ diff --git a/flowers/train/22/image_05390.jpg b/flowers/train/22/image_05390.jpg new file mode 100644 index 00000000..21812c71 Binary files /dev/null and b/flowers/train/22/image_05390.jpg differ diff --git a/flowers/train/22/image_05392.jpg b/flowers/train/22/image_05392.jpg new file mode 100644 index 00000000..d28ad268 Binary files /dev/null and b/flowers/train/22/image_05392.jpg differ diff --git a/flowers/train/22/image_05393.jpg b/flowers/train/22/image_05393.jpg new file mode 100644 index 00000000..55bbe4dd Binary files /dev/null and b/flowers/train/22/image_05393.jpg differ diff --git a/flowers/train/22/image_05394.jpg b/flowers/train/22/image_05394.jpg new file mode 100644 index 00000000..fad7a55c Binary files /dev/null and b/flowers/train/22/image_05394.jpg differ diff --git a/flowers/train/22/image_05395.jpg b/flowers/train/22/image_05395.jpg new file mode 100644 index 00000000..761420f1 Binary files /dev/null and b/flowers/train/22/image_05395.jpg differ diff --git a/flowers/train/22/image_05396.jpg b/flowers/train/22/image_05396.jpg new file mode 100644 index 00000000..d5597e29 Binary files /dev/null and b/flowers/train/22/image_05396.jpg differ diff --git a/flowers/train/22/image_05397.jpg b/flowers/train/22/image_05397.jpg new file mode 100644 index 00000000..b89753c3 Binary files /dev/null and b/flowers/train/22/image_05397.jpg differ diff --git a/flowers/train/23/image_03369.jpg b/flowers/train/23/image_03369.jpg new file mode 100644 index 00000000..aff37951 Binary files /dev/null and b/flowers/train/23/image_03369.jpg differ diff --git a/flowers/train/23/image_03370.jpg b/flowers/train/23/image_03370.jpg new file mode 100644 index 00000000..02bee172 Binary files /dev/null and b/flowers/train/23/image_03370.jpg differ diff --git a/flowers/train/23/image_03372.jpg b/flowers/train/23/image_03372.jpg new file mode 100644 index 00000000..4075ffb0 Binary files /dev/null and b/flowers/train/23/image_03372.jpg differ diff --git a/flowers/train/23/image_03373.jpg b/flowers/train/23/image_03373.jpg new file mode 100644 index 00000000..5444c452 Binary files /dev/null and b/flowers/train/23/image_03373.jpg differ diff --git a/flowers/train/23/image_03374.jpg b/flowers/train/23/image_03374.jpg new file mode 100644 index 00000000..7d865f05 Binary files /dev/null and b/flowers/train/23/image_03374.jpg differ diff --git a/flowers/train/23/image_03375.jpg b/flowers/train/23/image_03375.jpg new file mode 100644 index 00000000..0806876b Binary files /dev/null and b/flowers/train/23/image_03375.jpg differ diff --git a/flowers/train/23/image_03376.jpg b/flowers/train/23/image_03376.jpg new file mode 100644 index 00000000..371e9809 Binary files /dev/null and b/flowers/train/23/image_03376.jpg differ diff --git a/flowers/train/23/image_03377.jpg b/flowers/train/23/image_03377.jpg new file mode 100644 index 00000000..da748279 Binary files /dev/null and b/flowers/train/23/image_03377.jpg differ diff --git a/flowers/train/23/image_03378.jpg b/flowers/train/23/image_03378.jpg new file mode 100644 index 00000000..6df13751 Binary files /dev/null and b/flowers/train/23/image_03378.jpg differ diff --git a/flowers/train/23/image_03379.jpg b/flowers/train/23/image_03379.jpg new file mode 100644 index 00000000..10c34e56 Binary files /dev/null and b/flowers/train/23/image_03379.jpg differ diff --git a/flowers/train/23/image_03380.jpg b/flowers/train/23/image_03380.jpg new file mode 100644 index 00000000..ccebe2f7 Binary files /dev/null and b/flowers/train/23/image_03380.jpg differ diff --git a/flowers/train/23/image_03381.jpg b/flowers/train/23/image_03381.jpg new file mode 100644 index 00000000..9d89f498 Binary files /dev/null and b/flowers/train/23/image_03381.jpg differ diff --git a/flowers/train/23/image_03384.jpg b/flowers/train/23/image_03384.jpg new file mode 100644 index 00000000..380c14c5 Binary files /dev/null and b/flowers/train/23/image_03384.jpg differ diff --git a/flowers/train/23/image_03385.jpg b/flowers/train/23/image_03385.jpg new file mode 100644 index 00000000..7217ce64 Binary files /dev/null and b/flowers/train/23/image_03385.jpg differ diff --git a/flowers/train/23/image_03387.jpg b/flowers/train/23/image_03387.jpg new file mode 100644 index 00000000..5af93955 Binary files /dev/null and b/flowers/train/23/image_03387.jpg differ diff --git a/flowers/train/23/image_03388.jpg b/flowers/train/23/image_03388.jpg new file mode 100644 index 00000000..3a40287d Binary files /dev/null and b/flowers/train/23/image_03388.jpg differ diff --git a/flowers/train/23/image_03389.jpg b/flowers/train/23/image_03389.jpg new file mode 100644 index 00000000..bcd12677 Binary files /dev/null and b/flowers/train/23/image_03389.jpg differ diff --git a/flowers/train/23/image_03391.jpg b/flowers/train/23/image_03391.jpg new file mode 100644 index 00000000..a9da01f1 Binary files /dev/null and b/flowers/train/23/image_03391.jpg differ diff --git a/flowers/train/23/image_03392.jpg b/flowers/train/23/image_03392.jpg new file mode 100644 index 00000000..450d25b1 Binary files /dev/null and b/flowers/train/23/image_03392.jpg differ diff --git a/flowers/train/23/image_03393.jpg b/flowers/train/23/image_03393.jpg new file mode 100644 index 00000000..4155b7de Binary files /dev/null and b/flowers/train/23/image_03393.jpg differ diff --git a/flowers/train/23/image_03394.jpg b/flowers/train/23/image_03394.jpg new file mode 100644 index 00000000..e787cdbf Binary files /dev/null and b/flowers/train/23/image_03394.jpg differ diff --git a/flowers/train/23/image_03395.jpg b/flowers/train/23/image_03395.jpg new file mode 100644 index 00000000..9778b888 Binary files /dev/null and b/flowers/train/23/image_03395.jpg differ diff --git a/flowers/train/23/image_03396.jpg b/flowers/train/23/image_03396.jpg new file mode 100644 index 00000000..5226b0f1 Binary files /dev/null and b/flowers/train/23/image_03396.jpg differ diff --git a/flowers/train/23/image_03397.jpg b/flowers/train/23/image_03397.jpg new file mode 100644 index 00000000..ff23c9f9 Binary files /dev/null and b/flowers/train/23/image_03397.jpg differ diff --git a/flowers/train/23/image_03399.jpg b/flowers/train/23/image_03399.jpg new file mode 100644 index 00000000..d12b484c Binary files /dev/null and b/flowers/train/23/image_03399.jpg differ diff --git a/flowers/train/23/image_03401.jpg b/flowers/train/23/image_03401.jpg new file mode 100644 index 00000000..4254a0ab Binary files /dev/null and b/flowers/train/23/image_03401.jpg differ diff --git a/flowers/train/23/image_03402.jpg b/flowers/train/23/image_03402.jpg new file mode 100644 index 00000000..7cff003a Binary files /dev/null and b/flowers/train/23/image_03402.jpg differ diff --git a/flowers/train/23/image_03403.jpg b/flowers/train/23/image_03403.jpg new file mode 100644 index 00000000..acfea60c Binary files /dev/null and b/flowers/train/23/image_03403.jpg differ diff --git a/flowers/train/23/image_03404.jpg b/flowers/train/23/image_03404.jpg new file mode 100644 index 00000000..a9beaa1e Binary files /dev/null and b/flowers/train/23/image_03404.jpg differ diff --git a/flowers/train/23/image_03405.jpg b/flowers/train/23/image_03405.jpg new file mode 100644 index 00000000..04f1cd4c Binary files /dev/null and b/flowers/train/23/image_03405.jpg differ diff --git a/flowers/train/23/image_03406.jpg b/flowers/train/23/image_03406.jpg new file mode 100644 index 00000000..a3daf8df Binary files /dev/null and b/flowers/train/23/image_03406.jpg differ diff --git a/flowers/train/23/image_03407.jpg b/flowers/train/23/image_03407.jpg new file mode 100644 index 00000000..47d9bf9a Binary files /dev/null and b/flowers/train/23/image_03407.jpg differ diff --git a/flowers/train/23/image_03408.jpg b/flowers/train/23/image_03408.jpg new file mode 100644 index 00000000..c8a0f717 Binary files /dev/null and b/flowers/train/23/image_03408.jpg differ diff --git a/flowers/train/23/image_03410.jpg b/flowers/train/23/image_03410.jpg new file mode 100644 index 00000000..17b33852 Binary files /dev/null and b/flowers/train/23/image_03410.jpg differ diff --git a/flowers/train/23/image_03411.jpg b/flowers/train/23/image_03411.jpg new file mode 100644 index 00000000..319c777d Binary files /dev/null and b/flowers/train/23/image_03411.jpg differ diff --git a/flowers/train/23/image_03413.jpg b/flowers/train/23/image_03413.jpg new file mode 100644 index 00000000..a44f1264 Binary files /dev/null and b/flowers/train/23/image_03413.jpg differ diff --git a/flowers/train/23/image_03415.jpg b/flowers/train/23/image_03415.jpg new file mode 100644 index 00000000..7f6c28ec Binary files /dev/null and b/flowers/train/23/image_03415.jpg differ diff --git a/flowers/train/23/image_03417.jpg b/flowers/train/23/image_03417.jpg new file mode 100644 index 00000000..e3fbea8b Binary files /dev/null and b/flowers/train/23/image_03417.jpg differ diff --git a/flowers/train/23/image_03418.jpg b/flowers/train/23/image_03418.jpg new file mode 100644 index 00000000..12dac39e Binary files /dev/null and b/flowers/train/23/image_03418.jpg differ diff --git a/flowers/train/23/image_03419.jpg b/flowers/train/23/image_03419.jpg new file mode 100644 index 00000000..52113ccd Binary files /dev/null and b/flowers/train/23/image_03419.jpg differ diff --git a/flowers/train/23/image_03421.jpg b/flowers/train/23/image_03421.jpg new file mode 100644 index 00000000..afbcc2f5 Binary files /dev/null and b/flowers/train/23/image_03421.jpg differ diff --git a/flowers/train/23/image_03422.jpg b/flowers/train/23/image_03422.jpg new file mode 100644 index 00000000..189d4b00 Binary files /dev/null and b/flowers/train/23/image_03422.jpg differ diff --git a/flowers/train/23/image_03423.jpg b/flowers/train/23/image_03423.jpg new file mode 100644 index 00000000..daa97153 Binary files /dev/null and b/flowers/train/23/image_03423.jpg differ diff --git a/flowers/train/23/image_03424.jpg b/flowers/train/23/image_03424.jpg new file mode 100644 index 00000000..00637f77 Binary files /dev/null and b/flowers/train/23/image_03424.jpg differ diff --git a/flowers/train/23/image_03426.jpg b/flowers/train/23/image_03426.jpg new file mode 100644 index 00000000..e68f17a1 Binary files /dev/null and b/flowers/train/23/image_03426.jpg differ diff --git a/flowers/train/23/image_03427.jpg b/flowers/train/23/image_03427.jpg new file mode 100644 index 00000000..db93d1da Binary files /dev/null and b/flowers/train/23/image_03427.jpg differ diff --git a/flowers/train/23/image_03428.jpg b/flowers/train/23/image_03428.jpg new file mode 100644 index 00000000..a230e5dd Binary files /dev/null and b/flowers/train/23/image_03428.jpg differ diff --git a/flowers/train/23/image_03429.jpg b/flowers/train/23/image_03429.jpg new file mode 100644 index 00000000..5c29b284 Binary files /dev/null and b/flowers/train/23/image_03429.jpg differ diff --git a/flowers/train/23/image_03430.jpg b/flowers/train/23/image_03430.jpg new file mode 100644 index 00000000..43d4d776 Binary files /dev/null and b/flowers/train/23/image_03430.jpg differ diff --git a/flowers/train/23/image_03431.jpg b/flowers/train/23/image_03431.jpg new file mode 100644 index 00000000..8a7bb568 Binary files /dev/null and b/flowers/train/23/image_03431.jpg differ diff --git a/flowers/train/23/image_03432.jpg b/flowers/train/23/image_03432.jpg new file mode 100644 index 00000000..42a6e871 Binary files /dev/null and b/flowers/train/23/image_03432.jpg differ diff --git a/flowers/train/23/image_03433.jpg b/flowers/train/23/image_03433.jpg new file mode 100644 index 00000000..332d3b43 Binary files /dev/null and b/flowers/train/23/image_03433.jpg differ diff --git a/flowers/train/23/image_03434.jpg b/flowers/train/23/image_03434.jpg new file mode 100644 index 00000000..b0c2187c Binary files /dev/null and b/flowers/train/23/image_03434.jpg differ diff --git a/flowers/train/23/image_03435.jpg b/flowers/train/23/image_03435.jpg new file mode 100644 index 00000000..bcd43dc2 Binary files /dev/null and b/flowers/train/23/image_03435.jpg differ diff --git a/flowers/train/23/image_03438.jpg b/flowers/train/23/image_03438.jpg new file mode 100644 index 00000000..1c3de9b9 Binary files /dev/null and b/flowers/train/23/image_03438.jpg differ diff --git a/flowers/train/23/image_03439.jpg b/flowers/train/23/image_03439.jpg new file mode 100644 index 00000000..c040c00e Binary files /dev/null and b/flowers/train/23/image_03439.jpg differ diff --git a/flowers/train/23/image_03441.jpg b/flowers/train/23/image_03441.jpg new file mode 100644 index 00000000..21d741ce Binary files /dev/null and b/flowers/train/23/image_03441.jpg differ diff --git a/flowers/train/23/image_03443.jpg b/flowers/train/23/image_03443.jpg new file mode 100644 index 00000000..9226d513 Binary files /dev/null and b/flowers/train/23/image_03443.jpg differ diff --git a/flowers/train/23/image_03445.jpg b/flowers/train/23/image_03445.jpg new file mode 100644 index 00000000..11779b5a Binary files /dev/null and b/flowers/train/23/image_03445.jpg differ diff --git a/flowers/train/23/image_03446.jpg b/flowers/train/23/image_03446.jpg new file mode 100644 index 00000000..cdbfae30 Binary files /dev/null and b/flowers/train/23/image_03446.jpg differ diff --git a/flowers/train/23/image_03447.jpg b/flowers/train/23/image_03447.jpg new file mode 100644 index 00000000..7d5b72df Binary files /dev/null and b/flowers/train/23/image_03447.jpg differ diff --git a/flowers/train/23/image_03448.jpg b/flowers/train/23/image_03448.jpg new file mode 100644 index 00000000..20cb1949 Binary files /dev/null and b/flowers/train/23/image_03448.jpg differ diff --git a/flowers/train/23/image_03449.jpg b/flowers/train/23/image_03449.jpg new file mode 100644 index 00000000..b3f38440 Binary files /dev/null and b/flowers/train/23/image_03449.jpg differ diff --git a/flowers/train/23/image_03450.jpg b/flowers/train/23/image_03450.jpg new file mode 100644 index 00000000..7ac29b19 Binary files /dev/null and b/flowers/train/23/image_03450.jpg differ diff --git a/flowers/train/23/image_03451.jpg b/flowers/train/23/image_03451.jpg new file mode 100644 index 00000000..11cd3dea Binary files /dev/null and b/flowers/train/23/image_03451.jpg differ diff --git a/flowers/train/23/image_03452.jpg b/flowers/train/23/image_03452.jpg new file mode 100644 index 00000000..5bd6e254 Binary files /dev/null and b/flowers/train/23/image_03452.jpg differ diff --git a/flowers/train/23/image_03453.jpg b/flowers/train/23/image_03453.jpg new file mode 100644 index 00000000..e405d2a9 Binary files /dev/null and b/flowers/train/23/image_03453.jpg differ diff --git a/flowers/train/23/image_03455.jpg b/flowers/train/23/image_03455.jpg new file mode 100644 index 00000000..3707d0f2 Binary files /dev/null and b/flowers/train/23/image_03455.jpg differ diff --git a/flowers/train/23/image_03456.jpg b/flowers/train/23/image_03456.jpg new file mode 100644 index 00000000..e3e994a6 Binary files /dev/null and b/flowers/train/23/image_03456.jpg differ diff --git a/flowers/train/23/image_03457.jpg b/flowers/train/23/image_03457.jpg new file mode 100644 index 00000000..62d0a40a Binary files /dev/null and b/flowers/train/23/image_03457.jpg differ diff --git a/flowers/train/23/image_03458.jpg b/flowers/train/23/image_03458.jpg new file mode 100644 index 00000000..4043906f Binary files /dev/null and b/flowers/train/23/image_03458.jpg differ diff --git a/flowers/train/23/image_03459.jpg b/flowers/train/23/image_03459.jpg new file mode 100644 index 00000000..c32ea6ea Binary files /dev/null and b/flowers/train/23/image_03459.jpg differ diff --git a/flowers/train/24/image_06816.jpg b/flowers/train/24/image_06816.jpg new file mode 100644 index 00000000..9b10996c Binary files /dev/null and b/flowers/train/24/image_06816.jpg differ diff --git a/flowers/train/24/image_06817.jpg b/flowers/train/24/image_06817.jpg new file mode 100644 index 00000000..4bdbe22b Binary files /dev/null and b/flowers/train/24/image_06817.jpg differ diff --git a/flowers/train/24/image_06820.jpg b/flowers/train/24/image_06820.jpg new file mode 100644 index 00000000..779bb81b Binary files /dev/null and b/flowers/train/24/image_06820.jpg differ diff --git a/flowers/train/24/image_06821.jpg b/flowers/train/24/image_06821.jpg new file mode 100644 index 00000000..691314e8 Binary files /dev/null and b/flowers/train/24/image_06821.jpg differ diff --git a/flowers/train/24/image_06822.jpg b/flowers/train/24/image_06822.jpg new file mode 100644 index 00000000..41354a42 Binary files /dev/null and b/flowers/train/24/image_06822.jpg differ diff --git a/flowers/train/24/image_06823.jpg b/flowers/train/24/image_06823.jpg new file mode 100644 index 00000000..5b9c256b Binary files /dev/null and b/flowers/train/24/image_06823.jpg differ diff --git a/flowers/train/24/image_06824.jpg b/flowers/train/24/image_06824.jpg new file mode 100644 index 00000000..3c6ef4cd Binary files /dev/null and b/flowers/train/24/image_06824.jpg differ diff --git a/flowers/train/24/image_06825.jpg b/flowers/train/24/image_06825.jpg new file mode 100644 index 00000000..a852fd74 Binary files /dev/null and b/flowers/train/24/image_06825.jpg differ diff --git a/flowers/train/24/image_06826.jpg b/flowers/train/24/image_06826.jpg new file mode 100644 index 00000000..56bc3599 Binary files /dev/null and b/flowers/train/24/image_06826.jpg differ diff --git a/flowers/train/24/image_06827.jpg b/flowers/train/24/image_06827.jpg new file mode 100644 index 00000000..8b68ee0f Binary files /dev/null and b/flowers/train/24/image_06827.jpg differ diff --git a/flowers/train/24/image_06828.jpg b/flowers/train/24/image_06828.jpg new file mode 100644 index 00000000..6d7bb701 Binary files /dev/null and b/flowers/train/24/image_06828.jpg differ diff --git a/flowers/train/24/image_06829.jpg b/flowers/train/24/image_06829.jpg new file mode 100644 index 00000000..32b69c75 Binary files /dev/null and b/flowers/train/24/image_06829.jpg differ diff --git a/flowers/train/24/image_06830.jpg b/flowers/train/24/image_06830.jpg new file mode 100644 index 00000000..cbd39394 Binary files /dev/null and b/flowers/train/24/image_06830.jpg differ diff --git a/flowers/train/24/image_06831.jpg b/flowers/train/24/image_06831.jpg new file mode 100644 index 00000000..342fb269 Binary files /dev/null and b/flowers/train/24/image_06831.jpg differ diff --git a/flowers/train/24/image_06832.jpg b/flowers/train/24/image_06832.jpg new file mode 100644 index 00000000..69ad311a Binary files /dev/null and b/flowers/train/24/image_06832.jpg differ diff --git a/flowers/train/24/image_06833.jpg b/flowers/train/24/image_06833.jpg new file mode 100644 index 00000000..2c1d59fd Binary files /dev/null and b/flowers/train/24/image_06833.jpg differ diff --git a/flowers/train/24/image_06834.jpg b/flowers/train/24/image_06834.jpg new file mode 100644 index 00000000..e99db4bf Binary files /dev/null and b/flowers/train/24/image_06834.jpg differ diff --git a/flowers/train/24/image_06835.jpg b/flowers/train/24/image_06835.jpg new file mode 100644 index 00000000..778d7445 Binary files /dev/null and b/flowers/train/24/image_06835.jpg differ diff --git a/flowers/train/24/image_06837.jpg b/flowers/train/24/image_06837.jpg new file mode 100644 index 00000000..a2854a9f Binary files /dev/null and b/flowers/train/24/image_06837.jpg differ diff --git a/flowers/train/24/image_06838.jpg b/flowers/train/24/image_06838.jpg new file mode 100644 index 00000000..74aba188 Binary files /dev/null and b/flowers/train/24/image_06838.jpg differ diff --git a/flowers/train/24/image_06839.jpg b/flowers/train/24/image_06839.jpg new file mode 100644 index 00000000..b69e7d16 Binary files /dev/null and b/flowers/train/24/image_06839.jpg differ diff --git a/flowers/train/24/image_06840.jpg b/flowers/train/24/image_06840.jpg new file mode 100644 index 00000000..a11cab26 Binary files /dev/null and b/flowers/train/24/image_06840.jpg differ diff --git a/flowers/train/24/image_06841.jpg b/flowers/train/24/image_06841.jpg new file mode 100644 index 00000000..abd907b6 Binary files /dev/null and b/flowers/train/24/image_06841.jpg differ diff --git a/flowers/train/24/image_06842.jpg b/flowers/train/24/image_06842.jpg new file mode 100644 index 00000000..c8b735a1 Binary files /dev/null and b/flowers/train/24/image_06842.jpg differ diff --git a/flowers/train/24/image_06843.jpg b/flowers/train/24/image_06843.jpg new file mode 100644 index 00000000..c6a50fbf Binary files /dev/null and b/flowers/train/24/image_06843.jpg differ diff --git a/flowers/train/24/image_06844.jpg b/flowers/train/24/image_06844.jpg new file mode 100644 index 00000000..2b4ab97f Binary files /dev/null and b/flowers/train/24/image_06844.jpg differ diff --git a/flowers/train/24/image_06845.jpg b/flowers/train/24/image_06845.jpg new file mode 100644 index 00000000..4f1a4656 Binary files /dev/null and b/flowers/train/24/image_06845.jpg differ diff --git a/flowers/train/24/image_06846.jpg b/flowers/train/24/image_06846.jpg new file mode 100644 index 00000000..af4ca7c4 Binary files /dev/null and b/flowers/train/24/image_06846.jpg differ diff --git a/flowers/train/24/image_06848.jpg b/flowers/train/24/image_06848.jpg new file mode 100644 index 00000000..464271e6 Binary files /dev/null and b/flowers/train/24/image_06848.jpg differ diff --git a/flowers/train/24/image_08048.jpg b/flowers/train/24/image_08048.jpg new file mode 100644 index 00000000..ce1f2132 Binary files /dev/null and b/flowers/train/24/image_08048.jpg differ diff --git a/flowers/train/24/image_08049.jpg b/flowers/train/24/image_08049.jpg new file mode 100644 index 00000000..e88310e9 Binary files /dev/null and b/flowers/train/24/image_08049.jpg differ diff --git a/flowers/train/24/image_08050.jpg b/flowers/train/24/image_08050.jpg new file mode 100644 index 00000000..719997ce Binary files /dev/null and b/flowers/train/24/image_08050.jpg differ diff --git a/flowers/train/24/image_08051.jpg b/flowers/train/24/image_08051.jpg new file mode 100644 index 00000000..a28536eb Binary files /dev/null and b/flowers/train/24/image_08051.jpg differ diff --git a/flowers/train/24/image_08052.jpg b/flowers/train/24/image_08052.jpg new file mode 100644 index 00000000..53d896a5 Binary files /dev/null and b/flowers/train/24/image_08052.jpg differ diff --git a/flowers/train/24/image_08053.jpg b/flowers/train/24/image_08053.jpg new file mode 100644 index 00000000..bb0d5b65 Binary files /dev/null and b/flowers/train/24/image_08053.jpg differ diff --git a/flowers/train/25/image_06571.jpg b/flowers/train/25/image_06571.jpg new file mode 100644 index 00000000..96df58d9 Binary files /dev/null and b/flowers/train/25/image_06571.jpg differ diff --git a/flowers/train/25/image_06573.jpg b/flowers/train/25/image_06573.jpg new file mode 100644 index 00000000..ddcef513 Binary files /dev/null and b/flowers/train/25/image_06573.jpg differ diff --git a/flowers/train/25/image_06574.jpg b/flowers/train/25/image_06574.jpg new file mode 100644 index 00000000..c678d7f0 Binary files /dev/null and b/flowers/train/25/image_06574.jpg differ diff --git a/flowers/train/25/image_06575.jpg b/flowers/train/25/image_06575.jpg new file mode 100644 index 00000000..97c45527 Binary files /dev/null and b/flowers/train/25/image_06575.jpg differ diff --git a/flowers/train/25/image_06576.jpg b/flowers/train/25/image_06576.jpg new file mode 100644 index 00000000..8951f177 Binary files /dev/null and b/flowers/train/25/image_06576.jpg differ diff --git a/flowers/train/25/image_06577.jpg b/flowers/train/25/image_06577.jpg new file mode 100644 index 00000000..2d8e9c84 Binary files /dev/null and b/flowers/train/25/image_06577.jpg differ diff --git a/flowers/train/25/image_06578.jpg b/flowers/train/25/image_06578.jpg new file mode 100644 index 00000000..acda9f45 Binary files /dev/null and b/flowers/train/25/image_06578.jpg differ diff --git a/flowers/train/25/image_06579.jpg b/flowers/train/25/image_06579.jpg new file mode 100644 index 00000000..f85d6148 Binary files /dev/null and b/flowers/train/25/image_06579.jpg differ diff --git a/flowers/train/25/image_06581.jpg b/flowers/train/25/image_06581.jpg new file mode 100644 index 00000000..373eddd2 Binary files /dev/null and b/flowers/train/25/image_06581.jpg differ diff --git a/flowers/train/25/image_06585.jpg b/flowers/train/25/image_06585.jpg new file mode 100644 index 00000000..92b6d751 Binary files /dev/null and b/flowers/train/25/image_06585.jpg differ diff --git a/flowers/train/25/image_06586.jpg b/flowers/train/25/image_06586.jpg new file mode 100644 index 00000000..9bda2f3d Binary files /dev/null and b/flowers/train/25/image_06586.jpg differ diff --git a/flowers/train/25/image_06587.jpg b/flowers/train/25/image_06587.jpg new file mode 100644 index 00000000..27b5e257 Binary files /dev/null and b/flowers/train/25/image_06587.jpg differ diff --git a/flowers/train/25/image_06588.jpg b/flowers/train/25/image_06588.jpg new file mode 100644 index 00000000..5f0727d3 Binary files /dev/null and b/flowers/train/25/image_06588.jpg differ diff --git a/flowers/train/25/image_06589.jpg b/flowers/train/25/image_06589.jpg new file mode 100644 index 00000000..8c0d831d Binary files /dev/null and b/flowers/train/25/image_06589.jpg differ diff --git a/flowers/train/25/image_06590.jpg b/flowers/train/25/image_06590.jpg new file mode 100644 index 00000000..e9e580a3 Binary files /dev/null and b/flowers/train/25/image_06590.jpg differ diff --git a/flowers/train/25/image_06591.jpg b/flowers/train/25/image_06591.jpg new file mode 100644 index 00000000..9949b02f Binary files /dev/null and b/flowers/train/25/image_06591.jpg differ diff --git a/flowers/train/25/image_06592.jpg b/flowers/train/25/image_06592.jpg new file mode 100644 index 00000000..0cfbc1c4 Binary files /dev/null and b/flowers/train/25/image_06592.jpg differ diff --git a/flowers/train/25/image_06594.jpg b/flowers/train/25/image_06594.jpg new file mode 100644 index 00000000..adc93020 Binary files /dev/null and b/flowers/train/25/image_06594.jpg differ diff --git a/flowers/train/25/image_06595.jpg b/flowers/train/25/image_06595.jpg new file mode 100644 index 00000000..4ee5671f Binary files /dev/null and b/flowers/train/25/image_06595.jpg differ diff --git a/flowers/train/25/image_06596.jpg b/flowers/train/25/image_06596.jpg new file mode 100644 index 00000000..535b8080 Binary files /dev/null and b/flowers/train/25/image_06596.jpg differ diff --git a/flowers/train/25/image_06597.jpg b/flowers/train/25/image_06597.jpg new file mode 100644 index 00000000..1fc69ef7 Binary files /dev/null and b/flowers/train/25/image_06597.jpg differ diff --git a/flowers/train/25/image_06598.jpg b/flowers/train/25/image_06598.jpg new file mode 100644 index 00000000..f4eba0fb Binary files /dev/null and b/flowers/train/25/image_06598.jpg differ diff --git a/flowers/train/25/image_06599.jpg b/flowers/train/25/image_06599.jpg new file mode 100644 index 00000000..715f274b Binary files /dev/null and b/flowers/train/25/image_06599.jpg differ diff --git a/flowers/train/25/image_06600.jpg b/flowers/train/25/image_06600.jpg new file mode 100644 index 00000000..d8cb437d Binary files /dev/null and b/flowers/train/25/image_06600.jpg differ diff --git a/flowers/train/25/image_06601.jpg b/flowers/train/25/image_06601.jpg new file mode 100644 index 00000000..55d0732a Binary files /dev/null and b/flowers/train/25/image_06601.jpg differ diff --git a/flowers/train/25/image_06602.jpg b/flowers/train/25/image_06602.jpg new file mode 100644 index 00000000..6d26b647 Binary files /dev/null and b/flowers/train/25/image_06602.jpg differ diff --git a/flowers/train/25/image_06603.jpg b/flowers/train/25/image_06603.jpg new file mode 100644 index 00000000..a87fb801 Binary files /dev/null and b/flowers/train/25/image_06603.jpg differ diff --git a/flowers/train/25/image_06604.jpg b/flowers/train/25/image_06604.jpg new file mode 100644 index 00000000..a05cbc0a Binary files /dev/null and b/flowers/train/25/image_06604.jpg differ diff --git a/flowers/train/25/image_06605.jpg b/flowers/train/25/image_06605.jpg new file mode 100644 index 00000000..ba90355f Binary files /dev/null and b/flowers/train/25/image_06605.jpg differ diff --git a/flowers/train/25/image_06606.jpg b/flowers/train/25/image_06606.jpg new file mode 100644 index 00000000..79153c48 Binary files /dev/null and b/flowers/train/25/image_06606.jpg differ diff --git a/flowers/train/25/image_06607.jpg b/flowers/train/25/image_06607.jpg new file mode 100644 index 00000000..f121c933 Binary files /dev/null and b/flowers/train/25/image_06607.jpg differ diff --git a/flowers/train/25/image_06608.jpg b/flowers/train/25/image_06608.jpg new file mode 100644 index 00000000..da5d50e1 Binary files /dev/null and b/flowers/train/25/image_06608.jpg differ diff --git a/flowers/train/25/image_06609.jpg b/flowers/train/25/image_06609.jpg new file mode 100644 index 00000000..1a2d841d Binary files /dev/null and b/flowers/train/25/image_06609.jpg differ diff --git a/flowers/train/25/image_06610.jpg b/flowers/train/25/image_06610.jpg new file mode 100644 index 00000000..0d9f9f26 Binary files /dev/null and b/flowers/train/25/image_06610.jpg differ diff --git a/flowers/train/26/image_06487.jpg b/flowers/train/26/image_06487.jpg new file mode 100644 index 00000000..2c417c0a Binary files /dev/null and b/flowers/train/26/image_06487.jpg differ diff --git a/flowers/train/26/image_06488.jpg b/flowers/train/26/image_06488.jpg new file mode 100644 index 00000000..22e76fb1 Binary files /dev/null and b/flowers/train/26/image_06488.jpg differ diff --git a/flowers/train/26/image_06489.jpg b/flowers/train/26/image_06489.jpg new file mode 100644 index 00000000..683531e6 Binary files /dev/null and b/flowers/train/26/image_06489.jpg differ diff --git a/flowers/train/26/image_06490.jpg b/flowers/train/26/image_06490.jpg new file mode 100644 index 00000000..b40ae4f2 Binary files /dev/null and b/flowers/train/26/image_06490.jpg differ diff --git a/flowers/train/26/image_06491.jpg b/flowers/train/26/image_06491.jpg new file mode 100644 index 00000000..af631dbe Binary files /dev/null and b/flowers/train/26/image_06491.jpg differ diff --git a/flowers/train/26/image_06492.jpg b/flowers/train/26/image_06492.jpg new file mode 100644 index 00000000..991fe264 Binary files /dev/null and b/flowers/train/26/image_06492.jpg differ diff --git a/flowers/train/26/image_06493.jpg b/flowers/train/26/image_06493.jpg new file mode 100644 index 00000000..c6a9fadd Binary files /dev/null and b/flowers/train/26/image_06493.jpg differ diff --git a/flowers/train/26/image_06494.jpg b/flowers/train/26/image_06494.jpg new file mode 100644 index 00000000..268e1389 Binary files /dev/null and b/flowers/train/26/image_06494.jpg differ diff --git a/flowers/train/26/image_06495.jpg b/flowers/train/26/image_06495.jpg new file mode 100644 index 00000000..f5734fe6 Binary files /dev/null and b/flowers/train/26/image_06495.jpg differ diff --git a/flowers/train/26/image_06496.jpg b/flowers/train/26/image_06496.jpg new file mode 100644 index 00000000..32270c85 Binary files /dev/null and b/flowers/train/26/image_06496.jpg differ diff --git a/flowers/train/26/image_06499.jpg b/flowers/train/26/image_06499.jpg new file mode 100644 index 00000000..09a23d71 Binary files /dev/null and b/flowers/train/26/image_06499.jpg differ diff --git a/flowers/train/26/image_06502.jpg b/flowers/train/26/image_06502.jpg new file mode 100644 index 00000000..5da4a9e4 Binary files /dev/null and b/flowers/train/26/image_06502.jpg differ diff --git a/flowers/train/26/image_06503.jpg b/flowers/train/26/image_06503.jpg new file mode 100644 index 00000000..7b55d8a1 Binary files /dev/null and b/flowers/train/26/image_06503.jpg differ diff --git a/flowers/train/26/image_06504.jpg b/flowers/train/26/image_06504.jpg new file mode 100644 index 00000000..514b57c7 Binary files /dev/null and b/flowers/train/26/image_06504.jpg differ diff --git a/flowers/train/26/image_06505.jpg b/flowers/train/26/image_06505.jpg new file mode 100644 index 00000000..fbc73acf Binary files /dev/null and b/flowers/train/26/image_06505.jpg differ diff --git a/flowers/train/26/image_06507.jpg b/flowers/train/26/image_06507.jpg new file mode 100644 index 00000000..5406221d Binary files /dev/null and b/flowers/train/26/image_06507.jpg differ diff --git a/flowers/train/26/image_06508.jpg b/flowers/train/26/image_06508.jpg new file mode 100644 index 00000000..f05f3f9e Binary files /dev/null and b/flowers/train/26/image_06508.jpg differ diff --git a/flowers/train/26/image_06509.jpg b/flowers/train/26/image_06509.jpg new file mode 100644 index 00000000..555f43bd Binary files /dev/null and b/flowers/train/26/image_06509.jpg differ diff --git a/flowers/train/26/image_06510.jpg b/flowers/train/26/image_06510.jpg new file mode 100644 index 00000000..7e3d7dae Binary files /dev/null and b/flowers/train/26/image_06510.jpg differ diff --git a/flowers/train/26/image_06511.jpg b/flowers/train/26/image_06511.jpg new file mode 100644 index 00000000..f6b6c0f5 Binary files /dev/null and b/flowers/train/26/image_06511.jpg differ diff --git a/flowers/train/26/image_06512.jpg b/flowers/train/26/image_06512.jpg new file mode 100644 index 00000000..efcc0415 Binary files /dev/null and b/flowers/train/26/image_06512.jpg differ diff --git a/flowers/train/26/image_06513.jpg b/flowers/train/26/image_06513.jpg new file mode 100644 index 00000000..eaaa72fa Binary files /dev/null and b/flowers/train/26/image_06513.jpg differ diff --git a/flowers/train/26/image_06515.jpg b/flowers/train/26/image_06515.jpg new file mode 100644 index 00000000..7d6ab68e Binary files /dev/null and b/flowers/train/26/image_06515.jpg differ diff --git a/flowers/train/26/image_06517.jpg b/flowers/train/26/image_06517.jpg new file mode 100644 index 00000000..60cc6da6 Binary files /dev/null and b/flowers/train/26/image_06517.jpg differ diff --git a/flowers/train/26/image_06518.jpg b/flowers/train/26/image_06518.jpg new file mode 100644 index 00000000..a87e9314 Binary files /dev/null and b/flowers/train/26/image_06518.jpg differ diff --git a/flowers/train/26/image_06519.jpg b/flowers/train/26/image_06519.jpg new file mode 100644 index 00000000..ff86b559 Binary files /dev/null and b/flowers/train/26/image_06519.jpg differ diff --git a/flowers/train/26/image_06520.jpg b/flowers/train/26/image_06520.jpg new file mode 100644 index 00000000..74d94f8a Binary files /dev/null and b/flowers/train/26/image_06520.jpg differ diff --git a/flowers/train/26/image_06521.jpg b/flowers/train/26/image_06521.jpg new file mode 100644 index 00000000..887284b1 Binary files /dev/null and b/flowers/train/26/image_06521.jpg differ diff --git a/flowers/train/26/image_06522.jpg b/flowers/train/26/image_06522.jpg new file mode 100644 index 00000000..49c78b2d Binary files /dev/null and b/flowers/train/26/image_06522.jpg differ diff --git a/flowers/train/26/image_06523.jpg b/flowers/train/26/image_06523.jpg new file mode 100644 index 00000000..8bb15bd5 Binary files /dev/null and b/flowers/train/26/image_06523.jpg differ diff --git a/flowers/train/26/image_06524.jpg b/flowers/train/26/image_06524.jpg new file mode 100644 index 00000000..ffdcdd0d Binary files /dev/null and b/flowers/train/26/image_06524.jpg differ diff --git a/flowers/train/26/image_06525.jpg b/flowers/train/26/image_06525.jpg new file mode 100644 index 00000000..279cf744 Binary files /dev/null and b/flowers/train/26/image_06525.jpg differ diff --git a/flowers/train/26/image_06527.jpg b/flowers/train/26/image_06527.jpg new file mode 100644 index 00000000..fdd73b23 Binary files /dev/null and b/flowers/train/26/image_06527.jpg differ diff --git a/flowers/train/27/image_06850.jpg b/flowers/train/27/image_06850.jpg new file mode 100644 index 00000000..a0cc20d9 Binary files /dev/null and b/flowers/train/27/image_06850.jpg differ diff --git a/flowers/train/27/image_06851.jpg b/flowers/train/27/image_06851.jpg new file mode 100644 index 00000000..541a24f2 Binary files /dev/null and b/flowers/train/27/image_06851.jpg differ diff --git a/flowers/train/27/image_06852.jpg b/flowers/train/27/image_06852.jpg new file mode 100644 index 00000000..455ec7c1 Binary files /dev/null and b/flowers/train/27/image_06852.jpg differ diff --git a/flowers/train/27/image_06853.jpg b/flowers/train/27/image_06853.jpg new file mode 100644 index 00000000..1c97ec95 Binary files /dev/null and b/flowers/train/27/image_06853.jpg differ diff --git a/flowers/train/27/image_06854.jpg b/flowers/train/27/image_06854.jpg new file mode 100644 index 00000000..ad0aba43 Binary files /dev/null and b/flowers/train/27/image_06854.jpg differ diff --git a/flowers/train/27/image_06855.jpg b/flowers/train/27/image_06855.jpg new file mode 100644 index 00000000..dbf3e003 Binary files /dev/null and b/flowers/train/27/image_06855.jpg differ diff --git a/flowers/train/27/image_06856.jpg b/flowers/train/27/image_06856.jpg new file mode 100644 index 00000000..30f8b8ea Binary files /dev/null and b/flowers/train/27/image_06856.jpg differ diff --git a/flowers/train/27/image_06857.jpg b/flowers/train/27/image_06857.jpg new file mode 100644 index 00000000..bdc284b0 Binary files /dev/null and b/flowers/train/27/image_06857.jpg differ diff --git a/flowers/train/27/image_06858.jpg b/flowers/train/27/image_06858.jpg new file mode 100644 index 00000000..9bff5b2d Binary files /dev/null and b/flowers/train/27/image_06858.jpg differ diff --git a/flowers/train/27/image_06859.jpg b/flowers/train/27/image_06859.jpg new file mode 100644 index 00000000..c481a3d9 Binary files /dev/null and b/flowers/train/27/image_06859.jpg differ diff --git a/flowers/train/27/image_06860.jpg b/flowers/train/27/image_06860.jpg new file mode 100644 index 00000000..36cee264 Binary files /dev/null and b/flowers/train/27/image_06860.jpg differ diff --git a/flowers/train/27/image_06861.jpg b/flowers/train/27/image_06861.jpg new file mode 100644 index 00000000..5807cfaf Binary files /dev/null and b/flowers/train/27/image_06861.jpg differ diff --git a/flowers/train/27/image_06862.jpg b/flowers/train/27/image_06862.jpg new file mode 100644 index 00000000..13c23d25 Binary files /dev/null and b/flowers/train/27/image_06862.jpg differ diff --git a/flowers/train/27/image_06863.jpg b/flowers/train/27/image_06863.jpg new file mode 100644 index 00000000..84ebcf17 Binary files /dev/null and b/flowers/train/27/image_06863.jpg differ diff --git a/flowers/train/27/image_06865.jpg b/flowers/train/27/image_06865.jpg new file mode 100644 index 00000000..7fe52ec9 Binary files /dev/null and b/flowers/train/27/image_06865.jpg differ diff --git a/flowers/train/27/image_06866.jpg b/flowers/train/27/image_06866.jpg new file mode 100644 index 00000000..5fcfd11b Binary files /dev/null and b/flowers/train/27/image_06866.jpg differ diff --git a/flowers/train/27/image_06867.jpg b/flowers/train/27/image_06867.jpg new file mode 100644 index 00000000..7f7038e3 Binary files /dev/null and b/flowers/train/27/image_06867.jpg differ diff --git a/flowers/train/27/image_06869.jpg b/flowers/train/27/image_06869.jpg new file mode 100644 index 00000000..2969e221 Binary files /dev/null and b/flowers/train/27/image_06869.jpg differ diff --git a/flowers/train/27/image_06870.jpg b/flowers/train/27/image_06870.jpg new file mode 100644 index 00000000..0bb22435 Binary files /dev/null and b/flowers/train/27/image_06870.jpg differ diff --git a/flowers/train/27/image_06872.jpg b/flowers/train/27/image_06872.jpg new file mode 100644 index 00000000..5ae3a5fc Binary files /dev/null and b/flowers/train/27/image_06872.jpg differ diff --git a/flowers/train/27/image_06873.jpg b/flowers/train/27/image_06873.jpg new file mode 100644 index 00000000..b740f2cb Binary files /dev/null and b/flowers/train/27/image_06873.jpg differ diff --git a/flowers/train/27/image_06874.jpg b/flowers/train/27/image_06874.jpg new file mode 100644 index 00000000..0f68a7f4 Binary files /dev/null and b/flowers/train/27/image_06874.jpg differ diff --git a/flowers/train/27/image_06875.jpg b/flowers/train/27/image_06875.jpg new file mode 100644 index 00000000..135d3f7c Binary files /dev/null and b/flowers/train/27/image_06875.jpg differ diff --git a/flowers/train/27/image_06876.jpg b/flowers/train/27/image_06876.jpg new file mode 100644 index 00000000..f84944d8 Binary files /dev/null and b/flowers/train/27/image_06876.jpg differ diff --git a/flowers/train/27/image_06877.jpg b/flowers/train/27/image_06877.jpg new file mode 100644 index 00000000..6daea2be Binary files /dev/null and b/flowers/train/27/image_06877.jpg differ diff --git a/flowers/train/27/image_06878.jpg b/flowers/train/27/image_06878.jpg new file mode 100644 index 00000000..a6d2d4a3 Binary files /dev/null and b/flowers/train/27/image_06878.jpg differ diff --git a/flowers/train/27/image_06879.jpg b/flowers/train/27/image_06879.jpg new file mode 100644 index 00000000..2071fc82 Binary files /dev/null and b/flowers/train/27/image_06879.jpg differ diff --git a/flowers/train/27/image_06880.jpg b/flowers/train/27/image_06880.jpg new file mode 100644 index 00000000..463b8f4f Binary files /dev/null and b/flowers/train/27/image_06880.jpg differ diff --git a/flowers/train/27/image_06881.jpg b/flowers/train/27/image_06881.jpg new file mode 100644 index 00000000..7aadca2c Binary files /dev/null and b/flowers/train/27/image_06881.jpg differ diff --git a/flowers/train/27/image_06882.jpg b/flowers/train/27/image_06882.jpg new file mode 100644 index 00000000..be567f8b Binary files /dev/null and b/flowers/train/27/image_06882.jpg differ diff --git a/flowers/train/27/image_06883.jpg b/flowers/train/27/image_06883.jpg new file mode 100644 index 00000000..0fc3aae8 Binary files /dev/null and b/flowers/train/27/image_06883.jpg differ diff --git a/flowers/train/27/image_06884.jpg b/flowers/train/27/image_06884.jpg new file mode 100644 index 00000000..e8d6acf6 Binary files /dev/null and b/flowers/train/27/image_06884.jpg differ diff --git a/flowers/train/27/image_06885.jpg b/flowers/train/27/image_06885.jpg new file mode 100644 index 00000000..16c55b13 Binary files /dev/null and b/flowers/train/27/image_06885.jpg differ diff --git a/flowers/train/27/image_06886.jpg b/flowers/train/27/image_06886.jpg new file mode 100644 index 00000000..efa06394 Binary files /dev/null and b/flowers/train/27/image_06886.jpg differ diff --git a/flowers/train/27/image_06888.jpg b/flowers/train/27/image_06888.jpg new file mode 100644 index 00000000..8d336580 Binary files /dev/null and b/flowers/train/27/image_06888.jpg differ diff --git a/flowers/train/27/image_06889.jpg b/flowers/train/27/image_06889.jpg new file mode 100644 index 00000000..0ec61ff4 Binary files /dev/null and b/flowers/train/27/image_06889.jpg differ diff --git a/flowers/train/28/image_05212.jpg b/flowers/train/28/image_05212.jpg new file mode 100644 index 00000000..26203145 Binary files /dev/null and b/flowers/train/28/image_05212.jpg differ diff --git a/flowers/train/28/image_05213.jpg b/flowers/train/28/image_05213.jpg new file mode 100644 index 00000000..7d3c85b0 Binary files /dev/null and b/flowers/train/28/image_05213.jpg differ diff --git a/flowers/train/28/image_05215.jpg b/flowers/train/28/image_05215.jpg new file mode 100644 index 00000000..8a5720f0 Binary files /dev/null and b/flowers/train/28/image_05215.jpg differ diff --git a/flowers/train/28/image_05216.jpg b/flowers/train/28/image_05216.jpg new file mode 100644 index 00000000..54a79ec8 Binary files /dev/null and b/flowers/train/28/image_05216.jpg differ diff --git a/flowers/train/28/image_05217.jpg b/flowers/train/28/image_05217.jpg new file mode 100644 index 00000000..ac89cfc1 Binary files /dev/null and b/flowers/train/28/image_05217.jpg differ diff --git a/flowers/train/28/image_05218.jpg b/flowers/train/28/image_05218.jpg new file mode 100644 index 00000000..928ec437 Binary files /dev/null and b/flowers/train/28/image_05218.jpg differ diff --git a/flowers/train/28/image_05219.jpg b/flowers/train/28/image_05219.jpg new file mode 100644 index 00000000..986a09ba Binary files /dev/null and b/flowers/train/28/image_05219.jpg differ diff --git a/flowers/train/28/image_05220.jpg b/flowers/train/28/image_05220.jpg new file mode 100644 index 00000000..9914cb7e Binary files /dev/null and b/flowers/train/28/image_05220.jpg differ diff --git a/flowers/train/28/image_05221.jpg b/flowers/train/28/image_05221.jpg new file mode 100644 index 00000000..e9a425b2 Binary files /dev/null and b/flowers/train/28/image_05221.jpg differ diff --git a/flowers/train/28/image_05222.jpg b/flowers/train/28/image_05222.jpg new file mode 100644 index 00000000..2c3fdb28 Binary files /dev/null and b/flowers/train/28/image_05222.jpg differ diff --git a/flowers/train/28/image_05223.jpg b/flowers/train/28/image_05223.jpg new file mode 100644 index 00000000..9a259379 Binary files /dev/null and b/flowers/train/28/image_05223.jpg differ diff --git a/flowers/train/28/image_05224.jpg b/flowers/train/28/image_05224.jpg new file mode 100644 index 00000000..33641261 Binary files /dev/null and b/flowers/train/28/image_05224.jpg differ diff --git a/flowers/train/28/image_05225.jpg b/flowers/train/28/image_05225.jpg new file mode 100644 index 00000000..fbda7dc0 Binary files /dev/null and b/flowers/train/28/image_05225.jpg differ diff --git a/flowers/train/28/image_05226.jpg b/flowers/train/28/image_05226.jpg new file mode 100644 index 00000000..96b63019 Binary files /dev/null and b/flowers/train/28/image_05226.jpg differ diff --git a/flowers/train/28/image_05227.jpg b/flowers/train/28/image_05227.jpg new file mode 100644 index 00000000..4e29afff Binary files /dev/null and b/flowers/train/28/image_05227.jpg differ diff --git a/flowers/train/28/image_05228.jpg b/flowers/train/28/image_05228.jpg new file mode 100644 index 00000000..41c1b7a2 Binary files /dev/null and b/flowers/train/28/image_05228.jpg differ diff --git a/flowers/train/28/image_05229.jpg b/flowers/train/28/image_05229.jpg new file mode 100644 index 00000000..a60d27e6 Binary files /dev/null and b/flowers/train/28/image_05229.jpg differ diff --git a/flowers/train/28/image_05231.jpg b/flowers/train/28/image_05231.jpg new file mode 100644 index 00000000..a48715a0 Binary files /dev/null and b/flowers/train/28/image_05231.jpg differ diff --git a/flowers/train/28/image_05232.jpg b/flowers/train/28/image_05232.jpg new file mode 100644 index 00000000..d251d0c7 Binary files /dev/null and b/flowers/train/28/image_05232.jpg differ diff --git a/flowers/train/28/image_05233.jpg b/flowers/train/28/image_05233.jpg new file mode 100644 index 00000000..079488eb Binary files /dev/null and b/flowers/train/28/image_05233.jpg differ diff --git a/flowers/train/28/image_05234.jpg b/flowers/train/28/image_05234.jpg new file mode 100644 index 00000000..777af433 Binary files /dev/null and b/flowers/train/28/image_05234.jpg differ diff --git a/flowers/train/28/image_05235.jpg b/flowers/train/28/image_05235.jpg new file mode 100644 index 00000000..092caa46 Binary files /dev/null and b/flowers/train/28/image_05235.jpg differ diff --git a/flowers/train/28/image_05236.jpg b/flowers/train/28/image_05236.jpg new file mode 100644 index 00000000..893cc199 Binary files /dev/null and b/flowers/train/28/image_05236.jpg differ diff --git a/flowers/train/28/image_05237.jpg b/flowers/train/28/image_05237.jpg new file mode 100644 index 00000000..e825a474 Binary files /dev/null and b/flowers/train/28/image_05237.jpg differ diff --git a/flowers/train/28/image_05238.jpg b/flowers/train/28/image_05238.jpg new file mode 100644 index 00000000..d639e574 Binary files /dev/null and b/flowers/train/28/image_05238.jpg differ diff --git a/flowers/train/28/image_05239.jpg b/flowers/train/28/image_05239.jpg new file mode 100644 index 00000000..57e80c77 Binary files /dev/null and b/flowers/train/28/image_05239.jpg differ diff --git a/flowers/train/28/image_05240.jpg b/flowers/train/28/image_05240.jpg new file mode 100644 index 00000000..4bd6cd17 Binary files /dev/null and b/flowers/train/28/image_05240.jpg differ diff --git a/flowers/train/28/image_05241.jpg b/flowers/train/28/image_05241.jpg new file mode 100644 index 00000000..638c9a96 Binary files /dev/null and b/flowers/train/28/image_05241.jpg differ diff --git a/flowers/train/28/image_05243.jpg b/flowers/train/28/image_05243.jpg new file mode 100644 index 00000000..3e6a8909 Binary files /dev/null and b/flowers/train/28/image_05243.jpg differ diff --git a/flowers/train/28/image_05244.jpg b/flowers/train/28/image_05244.jpg new file mode 100644 index 00000000..eed69258 Binary files /dev/null and b/flowers/train/28/image_05244.jpg differ diff --git a/flowers/train/28/image_05245.jpg b/flowers/train/28/image_05245.jpg new file mode 100644 index 00000000..a27f488d Binary files /dev/null and b/flowers/train/28/image_05245.jpg differ diff --git a/flowers/train/28/image_05246.jpg b/flowers/train/28/image_05246.jpg new file mode 100644 index 00000000..31a3ad77 Binary files /dev/null and b/flowers/train/28/image_05246.jpg differ diff --git a/flowers/train/28/image_05247.jpg b/flowers/train/28/image_05247.jpg new file mode 100644 index 00000000..1def2b42 Binary files /dev/null and b/flowers/train/28/image_05247.jpg differ diff --git a/flowers/train/28/image_05248.jpg b/flowers/train/28/image_05248.jpg new file mode 100644 index 00000000..7f45769d Binary files /dev/null and b/flowers/train/28/image_05248.jpg differ diff --git a/flowers/train/28/image_05249.jpg b/flowers/train/28/image_05249.jpg new file mode 100644 index 00000000..9cf14217 Binary files /dev/null and b/flowers/train/28/image_05249.jpg differ diff --git a/flowers/train/28/image_05250.jpg b/flowers/train/28/image_05250.jpg new file mode 100644 index 00000000..9de6b146 Binary files /dev/null and b/flowers/train/28/image_05250.jpg differ diff --git a/flowers/train/28/image_05251.jpg b/flowers/train/28/image_05251.jpg new file mode 100644 index 00000000..f92af930 Binary files /dev/null and b/flowers/train/28/image_05251.jpg differ diff --git a/flowers/train/28/image_05252.jpg b/flowers/train/28/image_05252.jpg new file mode 100644 index 00000000..0948869a Binary files /dev/null and b/flowers/train/28/image_05252.jpg differ diff --git a/flowers/train/28/image_05254.jpg b/flowers/train/28/image_05254.jpg new file mode 100644 index 00000000..2b196976 Binary files /dev/null and b/flowers/train/28/image_05254.jpg differ diff --git a/flowers/train/28/image_05255.jpg b/flowers/train/28/image_05255.jpg new file mode 100644 index 00000000..7b32cc06 Binary files /dev/null and b/flowers/train/28/image_05255.jpg differ diff --git a/flowers/train/28/image_05256.jpg b/flowers/train/28/image_05256.jpg new file mode 100644 index 00000000..b3019ca3 Binary files /dev/null and b/flowers/train/28/image_05256.jpg differ diff --git a/flowers/train/28/image_05259.jpg b/flowers/train/28/image_05259.jpg new file mode 100644 index 00000000..89d5bc3a Binary files /dev/null and b/flowers/train/28/image_05259.jpg differ diff --git a/flowers/train/28/image_05260.jpg b/flowers/train/28/image_05260.jpg new file mode 100644 index 00000000..7eccc044 Binary files /dev/null and b/flowers/train/28/image_05260.jpg differ diff --git a/flowers/train/28/image_05261.jpg b/flowers/train/28/image_05261.jpg new file mode 100644 index 00000000..252feb04 Binary files /dev/null and b/flowers/train/28/image_05261.jpg differ diff --git a/flowers/train/28/image_05262.jpg b/flowers/train/28/image_05262.jpg new file mode 100644 index 00000000..77d3a0ec Binary files /dev/null and b/flowers/train/28/image_05262.jpg differ diff --git a/flowers/train/28/image_05263.jpg b/flowers/train/28/image_05263.jpg new file mode 100644 index 00000000..b0a5570e Binary files /dev/null and b/flowers/train/28/image_05263.jpg differ diff --git a/flowers/train/28/image_05264.jpg b/flowers/train/28/image_05264.jpg new file mode 100644 index 00000000..e59d5066 Binary files /dev/null and b/flowers/train/28/image_05264.jpg differ diff --git a/flowers/train/28/image_05266.jpg b/flowers/train/28/image_05266.jpg new file mode 100644 index 00000000..a61f08a9 Binary files /dev/null and b/flowers/train/28/image_05266.jpg differ diff --git a/flowers/train/28/image_05268.jpg b/flowers/train/28/image_05268.jpg new file mode 100644 index 00000000..a5bd422d Binary files /dev/null and b/flowers/train/28/image_05268.jpg differ diff --git a/flowers/train/28/image_05269.jpg b/flowers/train/28/image_05269.jpg new file mode 100644 index 00000000..f35f0475 Binary files /dev/null and b/flowers/train/28/image_05269.jpg differ diff --git a/flowers/train/28/image_05271.jpg b/flowers/train/28/image_05271.jpg new file mode 100644 index 00000000..d78d34d8 Binary files /dev/null and b/flowers/train/28/image_05271.jpg differ diff --git a/flowers/train/28/image_05273.jpg b/flowers/train/28/image_05273.jpg new file mode 100644 index 00000000..53e42de5 Binary files /dev/null and b/flowers/train/28/image_05273.jpg differ diff --git a/flowers/train/28/image_05274.jpg b/flowers/train/28/image_05274.jpg new file mode 100644 index 00000000..7e305711 Binary files /dev/null and b/flowers/train/28/image_05274.jpg differ diff --git a/flowers/train/28/image_05275.jpg b/flowers/train/28/image_05275.jpg new file mode 100644 index 00000000..98a07e66 Binary files /dev/null and b/flowers/train/28/image_05275.jpg differ diff --git a/flowers/train/28/image_05276.jpg b/flowers/train/28/image_05276.jpg new file mode 100644 index 00000000..b18ce2b0 Binary files /dev/null and b/flowers/train/28/image_05276.jpg differ diff --git a/flowers/train/29/image_04081.jpg b/flowers/train/29/image_04081.jpg new file mode 100644 index 00000000..b5c0d6ae Binary files /dev/null and b/flowers/train/29/image_04081.jpg differ diff --git a/flowers/train/29/image_04082.jpg b/flowers/train/29/image_04082.jpg new file mode 100644 index 00000000..04a7a0ea Binary files /dev/null and b/flowers/train/29/image_04082.jpg differ diff --git a/flowers/train/29/image_04084.jpg b/flowers/train/29/image_04084.jpg new file mode 100644 index 00000000..20679d69 Binary files /dev/null and b/flowers/train/29/image_04084.jpg differ diff --git a/flowers/train/29/image_04085.jpg b/flowers/train/29/image_04085.jpg new file mode 100644 index 00000000..681eabaa Binary files /dev/null and b/flowers/train/29/image_04085.jpg differ diff --git a/flowers/train/29/image_04086.jpg b/flowers/train/29/image_04086.jpg new file mode 100644 index 00000000..c6682a2e Binary files /dev/null and b/flowers/train/29/image_04086.jpg differ diff --git a/flowers/train/29/image_04087.jpg b/flowers/train/29/image_04087.jpg new file mode 100644 index 00000000..93abf1df Binary files /dev/null and b/flowers/train/29/image_04087.jpg differ diff --git a/flowers/train/29/image_04088.jpg b/flowers/train/29/image_04088.jpg new file mode 100644 index 00000000..fe8808c4 Binary files /dev/null and b/flowers/train/29/image_04088.jpg differ diff --git a/flowers/train/29/image_04089.jpg b/flowers/train/29/image_04089.jpg new file mode 100644 index 00000000..6ea91b62 Binary files /dev/null and b/flowers/train/29/image_04089.jpg differ diff --git a/flowers/train/29/image_04091.jpg b/flowers/train/29/image_04091.jpg new file mode 100644 index 00000000..8955ea21 Binary files /dev/null and b/flowers/train/29/image_04091.jpg differ diff --git a/flowers/train/29/image_04092.jpg b/flowers/train/29/image_04092.jpg new file mode 100644 index 00000000..5326df56 Binary files /dev/null and b/flowers/train/29/image_04092.jpg differ diff --git a/flowers/train/29/image_04093.jpg b/flowers/train/29/image_04093.jpg new file mode 100644 index 00000000..552d9ff8 Binary files /dev/null and b/flowers/train/29/image_04093.jpg differ diff --git a/flowers/train/29/image_04094.jpg b/flowers/train/29/image_04094.jpg new file mode 100644 index 00000000..4941035f Binary files /dev/null and b/flowers/train/29/image_04094.jpg differ diff --git a/flowers/train/29/image_04096.jpg b/flowers/train/29/image_04096.jpg new file mode 100644 index 00000000..f92ffc71 Binary files /dev/null and b/flowers/train/29/image_04096.jpg differ diff --git a/flowers/train/29/image_04098.jpg b/flowers/train/29/image_04098.jpg new file mode 100644 index 00000000..343934d9 Binary files /dev/null and b/flowers/train/29/image_04098.jpg differ diff --git a/flowers/train/29/image_04100.jpg b/flowers/train/29/image_04100.jpg new file mode 100644 index 00000000..b81b6bac Binary files /dev/null and b/flowers/train/29/image_04100.jpg differ diff --git a/flowers/train/29/image_04101.jpg b/flowers/train/29/image_04101.jpg new file mode 100644 index 00000000..0479a699 Binary files /dev/null and b/flowers/train/29/image_04101.jpg differ diff --git a/flowers/train/29/image_04102.jpg b/flowers/train/29/image_04102.jpg new file mode 100644 index 00000000..2427e7d9 Binary files /dev/null and b/flowers/train/29/image_04102.jpg differ diff --git a/flowers/train/29/image_04105.jpg b/flowers/train/29/image_04105.jpg new file mode 100644 index 00000000..bc7eda67 Binary files /dev/null and b/flowers/train/29/image_04105.jpg differ diff --git a/flowers/train/29/image_04106.jpg b/flowers/train/29/image_04106.jpg new file mode 100644 index 00000000..81970656 Binary files /dev/null and b/flowers/train/29/image_04106.jpg differ diff --git a/flowers/train/29/image_04107.jpg b/flowers/train/29/image_04107.jpg new file mode 100644 index 00000000..e08e5e11 Binary files /dev/null and b/flowers/train/29/image_04107.jpg differ diff --git a/flowers/train/29/image_04109.jpg b/flowers/train/29/image_04109.jpg new file mode 100644 index 00000000..da62aac2 Binary files /dev/null and b/flowers/train/29/image_04109.jpg differ diff --git a/flowers/train/29/image_04110.jpg b/flowers/train/29/image_04110.jpg new file mode 100644 index 00000000..fe261bd2 Binary files /dev/null and b/flowers/train/29/image_04110.jpg differ diff --git a/flowers/train/29/image_04111.jpg b/flowers/train/29/image_04111.jpg new file mode 100644 index 00000000..3e50055a Binary files /dev/null and b/flowers/train/29/image_04111.jpg differ diff --git a/flowers/train/29/image_04113.jpg b/flowers/train/29/image_04113.jpg new file mode 100644 index 00000000..c182ba7c Binary files /dev/null and b/flowers/train/29/image_04113.jpg differ diff --git a/flowers/train/29/image_04114.jpg b/flowers/train/29/image_04114.jpg new file mode 100644 index 00000000..0de17373 Binary files /dev/null and b/flowers/train/29/image_04114.jpg differ diff --git a/flowers/train/29/image_04115.jpg b/flowers/train/29/image_04115.jpg new file mode 100644 index 00000000..c0fb4b12 Binary files /dev/null and b/flowers/train/29/image_04115.jpg differ diff --git a/flowers/train/29/image_04117.jpg b/flowers/train/29/image_04117.jpg new file mode 100644 index 00000000..5d195f85 Binary files /dev/null and b/flowers/train/29/image_04117.jpg differ diff --git a/flowers/train/29/image_04118.jpg b/flowers/train/29/image_04118.jpg new file mode 100644 index 00000000..a89abaa8 Binary files /dev/null and b/flowers/train/29/image_04118.jpg differ diff --git a/flowers/train/29/image_04119.jpg b/flowers/train/29/image_04119.jpg new file mode 100644 index 00000000..cc8e5543 Binary files /dev/null and b/flowers/train/29/image_04119.jpg differ diff --git a/flowers/train/29/image_04120.jpg b/flowers/train/29/image_04120.jpg new file mode 100644 index 00000000..89a7e174 Binary files /dev/null and b/flowers/train/29/image_04120.jpg differ diff --git a/flowers/train/29/image_04121.jpg b/flowers/train/29/image_04121.jpg new file mode 100644 index 00000000..b3675b93 Binary files /dev/null and b/flowers/train/29/image_04121.jpg differ diff --git a/flowers/train/29/image_04122.jpg b/flowers/train/29/image_04122.jpg new file mode 100644 index 00000000..0db3dd0e Binary files /dev/null and b/flowers/train/29/image_04122.jpg differ diff --git a/flowers/train/29/image_04123.jpg b/flowers/train/29/image_04123.jpg new file mode 100644 index 00000000..c94dccdf Binary files /dev/null and b/flowers/train/29/image_04123.jpg differ diff --git a/flowers/train/29/image_04125.jpg b/flowers/train/29/image_04125.jpg new file mode 100644 index 00000000..f74f916b Binary files /dev/null and b/flowers/train/29/image_04125.jpg differ diff --git a/flowers/train/29/image_04126.jpg b/flowers/train/29/image_04126.jpg new file mode 100644 index 00000000..471ff8fd Binary files /dev/null and b/flowers/train/29/image_04126.jpg differ diff --git a/flowers/train/29/image_04127.jpg b/flowers/train/29/image_04127.jpg new file mode 100644 index 00000000..ef6e75e9 Binary files /dev/null and b/flowers/train/29/image_04127.jpg differ diff --git a/flowers/train/29/image_04128.jpg b/flowers/train/29/image_04128.jpg new file mode 100644 index 00000000..fc112719 Binary files /dev/null and b/flowers/train/29/image_04128.jpg differ diff --git a/flowers/train/29/image_04129.jpg b/flowers/train/29/image_04129.jpg new file mode 100644 index 00000000..7504e31f Binary files /dev/null and b/flowers/train/29/image_04129.jpg differ diff --git a/flowers/train/29/image_04130.jpg b/flowers/train/29/image_04130.jpg new file mode 100644 index 00000000..7ae53a2e Binary files /dev/null and b/flowers/train/29/image_04130.jpg differ diff --git a/flowers/train/29/image_04131.jpg b/flowers/train/29/image_04131.jpg new file mode 100644 index 00000000..dd7e868e Binary files /dev/null and b/flowers/train/29/image_04131.jpg differ diff --git a/flowers/train/29/image_04132.jpg b/flowers/train/29/image_04132.jpg new file mode 100644 index 00000000..d39b510a Binary files /dev/null and b/flowers/train/29/image_04132.jpg differ diff --git a/flowers/train/29/image_04133.jpg b/flowers/train/29/image_04133.jpg new file mode 100644 index 00000000..2c3d4141 Binary files /dev/null and b/flowers/train/29/image_04133.jpg differ diff --git a/flowers/train/29/image_04134.jpg b/flowers/train/29/image_04134.jpg new file mode 100644 index 00000000..47cbc3fa Binary files /dev/null and b/flowers/train/29/image_04134.jpg differ diff --git a/flowers/train/29/image_04135.jpg b/flowers/train/29/image_04135.jpg new file mode 100644 index 00000000..4ce5aaa3 Binary files /dev/null and b/flowers/train/29/image_04135.jpg differ diff --git a/flowers/train/29/image_04136.jpg b/flowers/train/29/image_04136.jpg new file mode 100644 index 00000000..8c3baf68 Binary files /dev/null and b/flowers/train/29/image_04136.jpg differ diff --git a/flowers/train/29/image_04138.jpg b/flowers/train/29/image_04138.jpg new file mode 100644 index 00000000..251f40d9 Binary files /dev/null and b/flowers/train/29/image_04138.jpg differ diff --git a/flowers/train/29/image_04139.jpg b/flowers/train/29/image_04139.jpg new file mode 100644 index 00000000..1ca031de Binary files /dev/null and b/flowers/train/29/image_04139.jpg differ diff --git a/flowers/train/29/image_04140.jpg b/flowers/train/29/image_04140.jpg new file mode 100644 index 00000000..3dde2c2f Binary files /dev/null and b/flowers/train/29/image_04140.jpg differ diff --git a/flowers/train/29/image_04141.jpg b/flowers/train/29/image_04141.jpg new file mode 100644 index 00000000..f2691e06 Binary files /dev/null and b/flowers/train/29/image_04141.jpg differ diff --git a/flowers/train/29/image_04144.jpg b/flowers/train/29/image_04144.jpg new file mode 100644 index 00000000..6fae6fba Binary files /dev/null and b/flowers/train/29/image_04144.jpg differ diff --git a/flowers/train/29/image_04147.jpg b/flowers/train/29/image_04147.jpg new file mode 100644 index 00000000..f23f49df Binary files /dev/null and b/flowers/train/29/image_04147.jpg differ diff --git a/flowers/train/29/image_04148.jpg b/flowers/train/29/image_04148.jpg new file mode 100644 index 00000000..c42c6ec1 Binary files /dev/null and b/flowers/train/29/image_04148.jpg differ diff --git a/flowers/train/29/image_04149.jpg b/flowers/train/29/image_04149.jpg new file mode 100644 index 00000000..f5763c11 Binary files /dev/null and b/flowers/train/29/image_04149.jpg differ diff --git a/flowers/train/29/image_04150.jpg b/flowers/train/29/image_04150.jpg new file mode 100644 index 00000000..40602b2c Binary files /dev/null and b/flowers/train/29/image_04150.jpg differ diff --git a/flowers/train/29/image_04151.jpg b/flowers/train/29/image_04151.jpg new file mode 100644 index 00000000..4058d1d4 Binary files /dev/null and b/flowers/train/29/image_04151.jpg differ diff --git a/flowers/train/29/image_04152.jpg b/flowers/train/29/image_04152.jpg new file mode 100644 index 00000000..d1589f72 Binary files /dev/null and b/flowers/train/29/image_04152.jpg differ diff --git a/flowers/train/29/image_04153.jpg b/flowers/train/29/image_04153.jpg new file mode 100644 index 00000000..5982b58a Binary files /dev/null and b/flowers/train/29/image_04153.jpg differ diff --git a/flowers/train/29/image_04154.jpg b/flowers/train/29/image_04154.jpg new file mode 100644 index 00000000..159a62d7 Binary files /dev/null and b/flowers/train/29/image_04154.jpg differ diff --git a/flowers/train/29/image_04155.jpg b/flowers/train/29/image_04155.jpg new file mode 100644 index 00000000..e2ef07e2 Binary files /dev/null and b/flowers/train/29/image_04155.jpg differ diff --git a/flowers/train/29/image_04156.jpg b/flowers/train/29/image_04156.jpg new file mode 100644 index 00000000..65dd6c68 Binary files /dev/null and b/flowers/train/29/image_04156.jpg differ diff --git a/flowers/train/29/image_04157.jpg b/flowers/train/29/image_04157.jpg new file mode 100644 index 00000000..babd6460 Binary files /dev/null and b/flowers/train/29/image_04157.jpg differ diff --git a/flowers/train/29/image_04158.jpg b/flowers/train/29/image_04158.jpg new file mode 100644 index 00000000..e99f2c90 Binary files /dev/null and b/flowers/train/29/image_04158.jpg differ diff --git a/flowers/train/3/image_06612.jpg b/flowers/train/3/image_06612.jpg new file mode 100644 index 00000000..1be0a955 Binary files /dev/null and b/flowers/train/3/image_06612.jpg differ diff --git a/flowers/train/3/image_06613.jpg b/flowers/train/3/image_06613.jpg new file mode 100644 index 00000000..e5696395 Binary files /dev/null and b/flowers/train/3/image_06613.jpg differ diff --git a/flowers/train/3/image_06614.jpg b/flowers/train/3/image_06614.jpg new file mode 100644 index 00000000..eea2e79a Binary files /dev/null and b/flowers/train/3/image_06614.jpg differ diff --git a/flowers/train/3/image_06615.jpg b/flowers/train/3/image_06615.jpg new file mode 100644 index 00000000..d2165671 Binary files /dev/null and b/flowers/train/3/image_06615.jpg differ diff --git a/flowers/train/3/image_06616.jpg b/flowers/train/3/image_06616.jpg new file mode 100644 index 00000000..64729a1f Binary files /dev/null and b/flowers/train/3/image_06616.jpg differ diff --git a/flowers/train/3/image_06617.jpg b/flowers/train/3/image_06617.jpg new file mode 100644 index 00000000..b5b9b56a Binary files /dev/null and b/flowers/train/3/image_06617.jpg differ diff --git a/flowers/train/3/image_06618.jpg b/flowers/train/3/image_06618.jpg new file mode 100644 index 00000000..f1a16a7e Binary files /dev/null and b/flowers/train/3/image_06618.jpg differ diff --git a/flowers/train/3/image_06619.jpg b/flowers/train/3/image_06619.jpg new file mode 100644 index 00000000..03bc6e25 Binary files /dev/null and b/flowers/train/3/image_06619.jpg differ diff --git a/flowers/train/3/image_06620.jpg b/flowers/train/3/image_06620.jpg new file mode 100644 index 00000000..7b6304fa Binary files /dev/null and b/flowers/train/3/image_06620.jpg differ diff --git a/flowers/train/3/image_06622.jpg b/flowers/train/3/image_06622.jpg new file mode 100644 index 00000000..2a63396c Binary files /dev/null and b/flowers/train/3/image_06622.jpg differ diff --git a/flowers/train/3/image_06623.jpg b/flowers/train/3/image_06623.jpg new file mode 100644 index 00000000..149c9783 Binary files /dev/null and b/flowers/train/3/image_06623.jpg differ diff --git a/flowers/train/3/image_06624.jpg b/flowers/train/3/image_06624.jpg new file mode 100644 index 00000000..5a10a2ac Binary files /dev/null and b/flowers/train/3/image_06624.jpg differ diff --git a/flowers/train/3/image_06625.jpg b/flowers/train/3/image_06625.jpg new file mode 100644 index 00000000..fce91fe6 Binary files /dev/null and b/flowers/train/3/image_06625.jpg differ diff --git a/flowers/train/3/image_06626.jpg b/flowers/train/3/image_06626.jpg new file mode 100644 index 00000000..8b2b587f Binary files /dev/null and b/flowers/train/3/image_06626.jpg differ diff --git a/flowers/train/3/image_06627.jpg b/flowers/train/3/image_06627.jpg new file mode 100644 index 00000000..a919f9a1 Binary files /dev/null and b/flowers/train/3/image_06627.jpg differ diff --git a/flowers/train/3/image_06628.jpg b/flowers/train/3/image_06628.jpg new file mode 100644 index 00000000..4fa67dec Binary files /dev/null and b/flowers/train/3/image_06628.jpg differ diff --git a/flowers/train/3/image_06629.jpg b/flowers/train/3/image_06629.jpg new file mode 100644 index 00000000..94a81603 Binary files /dev/null and b/flowers/train/3/image_06629.jpg differ diff --git a/flowers/train/3/image_06630.jpg b/flowers/train/3/image_06630.jpg new file mode 100644 index 00000000..3e9579d6 Binary files /dev/null and b/flowers/train/3/image_06630.jpg differ diff --git a/flowers/train/3/image_06632.jpg b/flowers/train/3/image_06632.jpg new file mode 100644 index 00000000..cbbc2e85 Binary files /dev/null and b/flowers/train/3/image_06632.jpg differ diff --git a/flowers/train/3/image_06633.jpg b/flowers/train/3/image_06633.jpg new file mode 100644 index 00000000..dd2299c2 Binary files /dev/null and b/flowers/train/3/image_06633.jpg differ diff --git a/flowers/train/3/image_06635.jpg b/flowers/train/3/image_06635.jpg new file mode 100644 index 00000000..5237417b Binary files /dev/null and b/flowers/train/3/image_06635.jpg differ diff --git a/flowers/train/3/image_06636.jpg b/flowers/train/3/image_06636.jpg new file mode 100644 index 00000000..73b6b0d9 Binary files /dev/null and b/flowers/train/3/image_06636.jpg differ diff --git a/flowers/train/3/image_06637.jpg b/flowers/train/3/image_06637.jpg new file mode 100644 index 00000000..3bb7d922 Binary files /dev/null and b/flowers/train/3/image_06637.jpg differ diff --git a/flowers/train/3/image_06638.jpg b/flowers/train/3/image_06638.jpg new file mode 100644 index 00000000..ca539508 Binary files /dev/null and b/flowers/train/3/image_06638.jpg differ diff --git a/flowers/train/3/image_06639.jpg b/flowers/train/3/image_06639.jpg new file mode 100644 index 00000000..4658d84b Binary files /dev/null and b/flowers/train/3/image_06639.jpg differ diff --git a/flowers/train/3/image_06640.jpg b/flowers/train/3/image_06640.jpg new file mode 100644 index 00000000..cf76b69c Binary files /dev/null and b/flowers/train/3/image_06640.jpg differ diff --git a/flowers/train/3/image_06642.jpg b/flowers/train/3/image_06642.jpg new file mode 100644 index 00000000..2159a8b9 Binary files /dev/null and b/flowers/train/3/image_06642.jpg differ diff --git a/flowers/train/3/image_06643.jpg b/flowers/train/3/image_06643.jpg new file mode 100644 index 00000000..8c4f72c0 Binary files /dev/null and b/flowers/train/3/image_06643.jpg differ diff --git a/flowers/train/3/image_06644.jpg b/flowers/train/3/image_06644.jpg new file mode 100644 index 00000000..7ce4d4c3 Binary files /dev/null and b/flowers/train/3/image_06644.jpg differ diff --git a/flowers/train/3/image_06645.jpg b/flowers/train/3/image_06645.jpg new file mode 100644 index 00000000..341a2ee3 Binary files /dev/null and b/flowers/train/3/image_06645.jpg differ diff --git a/flowers/train/3/image_06646.jpg b/flowers/train/3/image_06646.jpg new file mode 100644 index 00000000..ec026d72 Binary files /dev/null and b/flowers/train/3/image_06646.jpg differ diff --git a/flowers/train/3/image_06647.jpg b/flowers/train/3/image_06647.jpg new file mode 100644 index 00000000..a4b4d713 Binary files /dev/null and b/flowers/train/3/image_06647.jpg differ diff --git a/flowers/train/3/image_06648.jpg b/flowers/train/3/image_06648.jpg new file mode 100644 index 00000000..124d0892 Binary files /dev/null and b/flowers/train/3/image_06648.jpg differ diff --git a/flowers/train/3/image_06649.jpg b/flowers/train/3/image_06649.jpg new file mode 100644 index 00000000..400e5047 Binary files /dev/null and b/flowers/train/3/image_06649.jpg differ diff --git a/flowers/train/3/image_06650.jpg b/flowers/train/3/image_06650.jpg new file mode 100644 index 00000000..2f421c92 Binary files /dev/null and b/flowers/train/3/image_06650.jpg differ diff --git a/flowers/train/3/image_06651.jpg b/flowers/train/3/image_06651.jpg new file mode 100644 index 00000000..d183ee90 Binary files /dev/null and b/flowers/train/3/image_06651.jpg differ diff --git a/flowers/train/30/image_03460.jpg b/flowers/train/30/image_03460.jpg new file mode 100644 index 00000000..e3dc2f09 Binary files /dev/null and b/flowers/train/30/image_03460.jpg differ diff --git a/flowers/train/30/image_03461.jpg b/flowers/train/30/image_03461.jpg new file mode 100644 index 00000000..0b1be0b0 Binary files /dev/null and b/flowers/train/30/image_03461.jpg differ diff --git a/flowers/train/30/image_03462.jpg b/flowers/train/30/image_03462.jpg new file mode 100644 index 00000000..7bcb641e Binary files /dev/null and b/flowers/train/30/image_03462.jpg differ diff --git a/flowers/train/30/image_03463.jpg b/flowers/train/30/image_03463.jpg new file mode 100644 index 00000000..311e9a9c Binary files /dev/null and b/flowers/train/30/image_03463.jpg differ diff --git a/flowers/train/30/image_03465.jpg b/flowers/train/30/image_03465.jpg new file mode 100644 index 00000000..62343032 Binary files /dev/null and b/flowers/train/30/image_03465.jpg differ diff --git a/flowers/train/30/image_03468.jpg b/flowers/train/30/image_03468.jpg new file mode 100644 index 00000000..1cc99cea Binary files /dev/null and b/flowers/train/30/image_03468.jpg differ diff --git a/flowers/train/30/image_03470.jpg b/flowers/train/30/image_03470.jpg new file mode 100644 index 00000000..9d3a5618 Binary files /dev/null and b/flowers/train/30/image_03470.jpg differ diff --git a/flowers/train/30/image_03472.jpg b/flowers/train/30/image_03472.jpg new file mode 100644 index 00000000..12c3a63c Binary files /dev/null and b/flowers/train/30/image_03472.jpg differ diff --git a/flowers/train/30/image_03473.jpg b/flowers/train/30/image_03473.jpg new file mode 100644 index 00000000..65916e2f Binary files /dev/null and b/flowers/train/30/image_03473.jpg differ diff --git a/flowers/train/30/image_03474.jpg b/flowers/train/30/image_03474.jpg new file mode 100644 index 00000000..4b3a1c92 Binary files /dev/null and b/flowers/train/30/image_03474.jpg differ diff --git a/flowers/train/30/image_03476.jpg b/flowers/train/30/image_03476.jpg new file mode 100644 index 00000000..92965008 Binary files /dev/null and b/flowers/train/30/image_03476.jpg differ diff --git a/flowers/train/30/image_03477.jpg b/flowers/train/30/image_03477.jpg new file mode 100644 index 00000000..e30d3312 Binary files /dev/null and b/flowers/train/30/image_03477.jpg differ diff --git a/flowers/train/30/image_03478.jpg b/flowers/train/30/image_03478.jpg new file mode 100644 index 00000000..39c533fb Binary files /dev/null and b/flowers/train/30/image_03478.jpg differ diff --git a/flowers/train/30/image_03479.jpg b/flowers/train/30/image_03479.jpg new file mode 100644 index 00000000..1b4f606c Binary files /dev/null and b/flowers/train/30/image_03479.jpg differ diff --git a/flowers/train/30/image_03480.jpg b/flowers/train/30/image_03480.jpg new file mode 100644 index 00000000..2396145e Binary files /dev/null and b/flowers/train/30/image_03480.jpg differ diff --git a/flowers/train/30/image_03483.jpg b/flowers/train/30/image_03483.jpg new file mode 100644 index 00000000..e0acbca5 Binary files /dev/null and b/flowers/train/30/image_03483.jpg differ diff --git a/flowers/train/30/image_03486.jpg b/flowers/train/30/image_03486.jpg new file mode 100644 index 00000000..28785d15 Binary files /dev/null and b/flowers/train/30/image_03486.jpg differ diff --git a/flowers/train/30/image_03490.jpg b/flowers/train/30/image_03490.jpg new file mode 100644 index 00000000..6bf506ad Binary files /dev/null and b/flowers/train/30/image_03490.jpg differ diff --git a/flowers/train/30/image_03491.jpg b/flowers/train/30/image_03491.jpg new file mode 100644 index 00000000..9b76d6fe Binary files /dev/null and b/flowers/train/30/image_03491.jpg differ diff --git a/flowers/train/30/image_03492.jpg b/flowers/train/30/image_03492.jpg new file mode 100644 index 00000000..9e2a3d04 Binary files /dev/null and b/flowers/train/30/image_03492.jpg differ diff --git a/flowers/train/30/image_03493.jpg b/flowers/train/30/image_03493.jpg new file mode 100644 index 00000000..de438060 Binary files /dev/null and b/flowers/train/30/image_03493.jpg differ diff --git a/flowers/train/30/image_03494.jpg b/flowers/train/30/image_03494.jpg new file mode 100644 index 00000000..1b54faf2 Binary files /dev/null and b/flowers/train/30/image_03494.jpg differ diff --git a/flowers/train/30/image_03495.jpg b/flowers/train/30/image_03495.jpg new file mode 100644 index 00000000..481d03fe Binary files /dev/null and b/flowers/train/30/image_03495.jpg differ diff --git a/flowers/train/30/image_03496.jpg b/flowers/train/30/image_03496.jpg new file mode 100644 index 00000000..f3ea6a2b Binary files /dev/null and b/flowers/train/30/image_03496.jpg differ diff --git a/flowers/train/30/image_03497.jpg b/flowers/train/30/image_03497.jpg new file mode 100644 index 00000000..d4a4dc7f Binary files /dev/null and b/flowers/train/30/image_03497.jpg differ diff --git a/flowers/train/30/image_03498.jpg b/flowers/train/30/image_03498.jpg new file mode 100644 index 00000000..992d7ce0 Binary files /dev/null and b/flowers/train/30/image_03498.jpg differ diff --git a/flowers/train/30/image_03499.jpg b/flowers/train/30/image_03499.jpg new file mode 100644 index 00000000..62de282e Binary files /dev/null and b/flowers/train/30/image_03499.jpg differ diff --git a/flowers/train/30/image_03500.jpg b/flowers/train/30/image_03500.jpg new file mode 100644 index 00000000..8fec66b6 Binary files /dev/null and b/flowers/train/30/image_03500.jpg differ diff --git a/flowers/train/30/image_03501.jpg b/flowers/train/30/image_03501.jpg new file mode 100644 index 00000000..c8d81da3 Binary files /dev/null and b/flowers/train/30/image_03501.jpg differ diff --git a/flowers/train/30/image_03502.jpg b/flowers/train/30/image_03502.jpg new file mode 100644 index 00000000..a9afb798 Binary files /dev/null and b/flowers/train/30/image_03502.jpg differ diff --git a/flowers/train/30/image_03503.jpg b/flowers/train/30/image_03503.jpg new file mode 100644 index 00000000..a71db785 Binary files /dev/null and b/flowers/train/30/image_03503.jpg differ diff --git a/flowers/train/30/image_03504.jpg b/flowers/train/30/image_03504.jpg new file mode 100644 index 00000000..196566bc Binary files /dev/null and b/flowers/train/30/image_03504.jpg differ diff --git a/flowers/train/30/image_03505.jpg b/flowers/train/30/image_03505.jpg new file mode 100644 index 00000000..b5f55f24 Binary files /dev/null and b/flowers/train/30/image_03505.jpg differ diff --git a/flowers/train/30/image_03507.jpg b/flowers/train/30/image_03507.jpg new file mode 100644 index 00000000..4b826907 Binary files /dev/null and b/flowers/train/30/image_03507.jpg differ diff --git a/flowers/train/30/image_03508.jpg b/flowers/train/30/image_03508.jpg new file mode 100644 index 00000000..4fe753c3 Binary files /dev/null and b/flowers/train/30/image_03508.jpg differ diff --git a/flowers/train/30/image_03511.jpg b/flowers/train/30/image_03511.jpg new file mode 100644 index 00000000..bfe786c4 Binary files /dev/null and b/flowers/train/30/image_03511.jpg differ diff --git a/flowers/train/30/image_03513.jpg b/flowers/train/30/image_03513.jpg new file mode 100644 index 00000000..0a15a6b7 Binary files /dev/null and b/flowers/train/30/image_03513.jpg differ diff --git a/flowers/train/30/image_03514.jpg b/flowers/train/30/image_03514.jpg new file mode 100644 index 00000000..439fe04c Binary files /dev/null and b/flowers/train/30/image_03514.jpg differ diff --git a/flowers/train/30/image_03515.jpg b/flowers/train/30/image_03515.jpg new file mode 100644 index 00000000..0a14ca26 Binary files /dev/null and b/flowers/train/30/image_03515.jpg differ diff --git a/flowers/train/30/image_03516.jpg b/flowers/train/30/image_03516.jpg new file mode 100644 index 00000000..73118401 Binary files /dev/null and b/flowers/train/30/image_03516.jpg differ diff --git a/flowers/train/30/image_03517.jpg b/flowers/train/30/image_03517.jpg new file mode 100644 index 00000000..b1c89003 Binary files /dev/null and b/flowers/train/30/image_03517.jpg differ diff --git a/flowers/train/30/image_03518.jpg b/flowers/train/30/image_03518.jpg new file mode 100644 index 00000000..30248e06 Binary files /dev/null and b/flowers/train/30/image_03518.jpg differ diff --git a/flowers/train/30/image_03519.jpg b/flowers/train/30/image_03519.jpg new file mode 100644 index 00000000..c2d5d5c3 Binary files /dev/null and b/flowers/train/30/image_03519.jpg differ diff --git a/flowers/train/30/image_03520.jpg b/flowers/train/30/image_03520.jpg new file mode 100644 index 00000000..4cf122e4 Binary files /dev/null and b/flowers/train/30/image_03520.jpg differ diff --git a/flowers/train/30/image_03521.jpg b/flowers/train/30/image_03521.jpg new file mode 100644 index 00000000..ca9931be Binary files /dev/null and b/flowers/train/30/image_03521.jpg differ diff --git a/flowers/train/30/image_03522.jpg b/flowers/train/30/image_03522.jpg new file mode 100644 index 00000000..33f35f06 Binary files /dev/null and b/flowers/train/30/image_03522.jpg differ diff --git a/flowers/train/30/image_03523.jpg b/flowers/train/30/image_03523.jpg new file mode 100644 index 00000000..afb5de71 Binary files /dev/null and b/flowers/train/30/image_03523.jpg differ diff --git a/flowers/train/30/image_03524.jpg b/flowers/train/30/image_03524.jpg new file mode 100644 index 00000000..37ea80d6 Binary files /dev/null and b/flowers/train/30/image_03524.jpg differ diff --git a/flowers/train/30/image_03525.jpg b/flowers/train/30/image_03525.jpg new file mode 100644 index 00000000..a8769f66 Binary files /dev/null and b/flowers/train/30/image_03525.jpg differ diff --git a/flowers/train/30/image_03526.jpg b/flowers/train/30/image_03526.jpg new file mode 100644 index 00000000..349c9955 Binary files /dev/null and b/flowers/train/30/image_03526.jpg differ diff --git a/flowers/train/30/image_03527.jpg b/flowers/train/30/image_03527.jpg new file mode 100644 index 00000000..403556c7 Binary files /dev/null and b/flowers/train/30/image_03527.jpg differ diff --git a/flowers/train/30/image_03529.jpg b/flowers/train/30/image_03529.jpg new file mode 100644 index 00000000..5f66ea68 Binary files /dev/null and b/flowers/train/30/image_03529.jpg differ diff --git a/flowers/train/30/image_03532.jpg b/flowers/train/30/image_03532.jpg new file mode 100644 index 00000000..6db68794 Binary files /dev/null and b/flowers/train/30/image_03532.jpg differ diff --git a/flowers/train/30/image_03533.jpg b/flowers/train/30/image_03533.jpg new file mode 100644 index 00000000..513509d1 Binary files /dev/null and b/flowers/train/30/image_03533.jpg differ diff --git a/flowers/train/30/image_03534.jpg b/flowers/train/30/image_03534.jpg new file mode 100644 index 00000000..344b7ffd Binary files /dev/null and b/flowers/train/30/image_03534.jpg differ diff --git a/flowers/train/30/image_03535.jpg b/flowers/train/30/image_03535.jpg new file mode 100644 index 00000000..3fa4810a Binary files /dev/null and b/flowers/train/30/image_03535.jpg differ diff --git a/flowers/train/30/image_03536.jpg b/flowers/train/30/image_03536.jpg new file mode 100644 index 00000000..361bc969 Binary files /dev/null and b/flowers/train/30/image_03536.jpg differ diff --git a/flowers/train/30/image_03537.jpg b/flowers/train/30/image_03537.jpg new file mode 100644 index 00000000..a0a3f114 Binary files /dev/null and b/flowers/train/30/image_03537.jpg differ diff --git a/flowers/train/30/image_03539.jpg b/flowers/train/30/image_03539.jpg new file mode 100644 index 00000000..ae6ecd7a Binary files /dev/null and b/flowers/train/30/image_03539.jpg differ diff --git a/flowers/train/30/image_03540.jpg b/flowers/train/30/image_03540.jpg new file mode 100644 index 00000000..c88b22a1 Binary files /dev/null and b/flowers/train/30/image_03540.jpg differ diff --git a/flowers/train/30/image_03543.jpg b/flowers/train/30/image_03543.jpg new file mode 100644 index 00000000..a14aed23 Binary files /dev/null and b/flowers/train/30/image_03543.jpg differ diff --git a/flowers/train/31/image_06890.jpg b/flowers/train/31/image_06890.jpg new file mode 100644 index 00000000..09a482f3 Binary files /dev/null and b/flowers/train/31/image_06890.jpg differ diff --git a/flowers/train/31/image_06891.jpg b/flowers/train/31/image_06891.jpg new file mode 100644 index 00000000..b6eb64fa Binary files /dev/null and b/flowers/train/31/image_06891.jpg differ diff --git a/flowers/train/31/image_06892.jpg b/flowers/train/31/image_06892.jpg new file mode 100644 index 00000000..fedb924f Binary files /dev/null and b/flowers/train/31/image_06892.jpg differ diff --git a/flowers/train/31/image_06893.jpg b/flowers/train/31/image_06893.jpg new file mode 100644 index 00000000..fd5a7827 Binary files /dev/null and b/flowers/train/31/image_06893.jpg differ diff --git a/flowers/train/31/image_06894.jpg b/flowers/train/31/image_06894.jpg new file mode 100644 index 00000000..da776b1d Binary files /dev/null and b/flowers/train/31/image_06894.jpg differ diff --git a/flowers/train/31/image_06895.jpg b/flowers/train/31/image_06895.jpg new file mode 100644 index 00000000..76243d83 Binary files /dev/null and b/flowers/train/31/image_06895.jpg differ diff --git a/flowers/train/31/image_06896.jpg b/flowers/train/31/image_06896.jpg new file mode 100644 index 00000000..7663a2dd Binary files /dev/null and b/flowers/train/31/image_06896.jpg differ diff --git a/flowers/train/31/image_06897.jpg b/flowers/train/31/image_06897.jpg new file mode 100644 index 00000000..9e63d276 Binary files /dev/null and b/flowers/train/31/image_06897.jpg differ diff --git a/flowers/train/31/image_06898.jpg b/flowers/train/31/image_06898.jpg new file mode 100644 index 00000000..c94884ad Binary files /dev/null and b/flowers/train/31/image_06898.jpg differ diff --git a/flowers/train/31/image_06899.jpg b/flowers/train/31/image_06899.jpg new file mode 100644 index 00000000..57848b83 Binary files /dev/null and b/flowers/train/31/image_06899.jpg differ diff --git a/flowers/train/31/image_06900.jpg b/flowers/train/31/image_06900.jpg new file mode 100644 index 00000000..629990ae Binary files /dev/null and b/flowers/train/31/image_06900.jpg differ diff --git a/flowers/train/31/image_06901.jpg b/flowers/train/31/image_06901.jpg new file mode 100644 index 00000000..8b4dfda7 Binary files /dev/null and b/flowers/train/31/image_06901.jpg differ diff --git a/flowers/train/31/image_06902.jpg b/flowers/train/31/image_06902.jpg new file mode 100644 index 00000000..6c14e75d Binary files /dev/null and b/flowers/train/31/image_06902.jpg differ diff --git a/flowers/train/31/image_06904.jpg b/flowers/train/31/image_06904.jpg new file mode 100644 index 00000000..be3b8d3f Binary files /dev/null and b/flowers/train/31/image_06904.jpg differ diff --git a/flowers/train/31/image_06906.jpg b/flowers/train/31/image_06906.jpg new file mode 100644 index 00000000..77f023a1 Binary files /dev/null and b/flowers/train/31/image_06906.jpg differ diff --git a/flowers/train/31/image_06907.jpg b/flowers/train/31/image_06907.jpg new file mode 100644 index 00000000..6b42e1e2 Binary files /dev/null and b/flowers/train/31/image_06907.jpg differ diff --git a/flowers/train/31/image_06908.jpg b/flowers/train/31/image_06908.jpg new file mode 100644 index 00000000..61bcb33d Binary files /dev/null and b/flowers/train/31/image_06908.jpg differ diff --git a/flowers/train/31/image_06909.jpg b/flowers/train/31/image_06909.jpg new file mode 100644 index 00000000..0b985331 Binary files /dev/null and b/flowers/train/31/image_06909.jpg differ diff --git a/flowers/train/31/image_06910.jpg b/flowers/train/31/image_06910.jpg new file mode 100644 index 00000000..6a780531 Binary files /dev/null and b/flowers/train/31/image_06910.jpg differ diff --git a/flowers/train/31/image_06911.jpg b/flowers/train/31/image_06911.jpg new file mode 100644 index 00000000..95be5463 Binary files /dev/null and b/flowers/train/31/image_06911.jpg differ diff --git a/flowers/train/31/image_06912.jpg b/flowers/train/31/image_06912.jpg new file mode 100644 index 00000000..4654fe46 Binary files /dev/null and b/flowers/train/31/image_06912.jpg differ diff --git a/flowers/train/31/image_06913.jpg b/flowers/train/31/image_06913.jpg new file mode 100644 index 00000000..f51f2744 Binary files /dev/null and b/flowers/train/31/image_06913.jpg differ diff --git a/flowers/train/31/image_06914.jpg b/flowers/train/31/image_06914.jpg new file mode 100644 index 00000000..a85c55ff Binary files /dev/null and b/flowers/train/31/image_06914.jpg differ diff --git a/flowers/train/31/image_06915.jpg b/flowers/train/31/image_06915.jpg new file mode 100644 index 00000000..bf8e6cd4 Binary files /dev/null and b/flowers/train/31/image_06915.jpg differ diff --git a/flowers/train/31/image_06916.jpg b/flowers/train/31/image_06916.jpg new file mode 100644 index 00000000..7c25ec5a Binary files /dev/null and b/flowers/train/31/image_06916.jpg differ diff --git a/flowers/train/31/image_06917.jpg b/flowers/train/31/image_06917.jpg new file mode 100644 index 00000000..59aa0b2b Binary files /dev/null and b/flowers/train/31/image_06917.jpg differ diff --git a/flowers/train/31/image_06918.jpg b/flowers/train/31/image_06918.jpg new file mode 100644 index 00000000..03a47482 Binary files /dev/null and b/flowers/train/31/image_06918.jpg differ diff --git a/flowers/train/31/image_06919.jpg b/flowers/train/31/image_06919.jpg new file mode 100644 index 00000000..12aa7332 Binary files /dev/null and b/flowers/train/31/image_06919.jpg differ diff --git a/flowers/train/31/image_06920.jpg b/flowers/train/31/image_06920.jpg new file mode 100644 index 00000000..aec93517 Binary files /dev/null and b/flowers/train/31/image_06920.jpg differ diff --git a/flowers/train/31/image_06921.jpg b/flowers/train/31/image_06921.jpg new file mode 100644 index 00000000..7081be49 Binary files /dev/null and b/flowers/train/31/image_06921.jpg differ diff --git a/flowers/train/31/image_06922.jpg b/flowers/train/31/image_06922.jpg new file mode 100644 index 00000000..4b47d7ad Binary files /dev/null and b/flowers/train/31/image_06922.jpg differ diff --git a/flowers/train/31/image_06923.jpg b/flowers/train/31/image_06923.jpg new file mode 100644 index 00000000..b6b3a6fc Binary files /dev/null and b/flowers/train/31/image_06923.jpg differ diff --git a/flowers/train/31/image_06924.jpg b/flowers/train/31/image_06924.jpg new file mode 100644 index 00000000..b19b7da8 Binary files /dev/null and b/flowers/train/31/image_06924.jpg differ diff --git a/flowers/train/31/image_06925.jpg b/flowers/train/31/image_06925.jpg new file mode 100644 index 00000000..6752a559 Binary files /dev/null and b/flowers/train/31/image_06925.jpg differ diff --git a/flowers/train/31/image_06926.jpg b/flowers/train/31/image_06926.jpg new file mode 100644 index 00000000..c2eb0585 Binary files /dev/null and b/flowers/train/31/image_06926.jpg differ diff --git a/flowers/train/31/image_06927.jpg b/flowers/train/31/image_06927.jpg new file mode 100644 index 00000000..62259114 Binary files /dev/null and b/flowers/train/31/image_06927.jpg differ diff --git a/flowers/train/31/image_06928.jpg b/flowers/train/31/image_06928.jpg new file mode 100644 index 00000000..53815472 Binary files /dev/null and b/flowers/train/31/image_06928.jpg differ diff --git a/flowers/train/31/image_08065.jpg b/flowers/train/31/image_08065.jpg new file mode 100644 index 00000000..ad4be8c2 Binary files /dev/null and b/flowers/train/31/image_08065.jpg differ diff --git a/flowers/train/31/image_08066.jpg b/flowers/train/31/image_08066.jpg new file mode 100644 index 00000000..905dd750 Binary files /dev/null and b/flowers/train/31/image_08066.jpg differ diff --git a/flowers/train/31/image_08068.jpg b/flowers/train/31/image_08068.jpg new file mode 100644 index 00000000..bf298d8e Binary files /dev/null and b/flowers/train/31/image_08068.jpg differ diff --git a/flowers/train/31/image_08069.jpg b/flowers/train/31/image_08069.jpg new file mode 100644 index 00000000..81b50bf4 Binary files /dev/null and b/flowers/train/31/image_08069.jpg differ diff --git a/flowers/train/31/image_08071.jpg b/flowers/train/31/image_08071.jpg new file mode 100644 index 00000000..277ebd47 Binary files /dev/null and b/flowers/train/31/image_08071.jpg differ diff --git a/flowers/train/31/image_08072.jpg b/flowers/train/31/image_08072.jpg new file mode 100644 index 00000000..dca6ecf3 Binary files /dev/null and b/flowers/train/31/image_08072.jpg differ diff --git a/flowers/train/31/image_08073.jpg b/flowers/train/31/image_08073.jpg new file mode 100644 index 00000000..22c5f243 Binary files /dev/null and b/flowers/train/31/image_08073.jpg differ diff --git a/flowers/train/31/image_08074.jpg b/flowers/train/31/image_08074.jpg new file mode 100644 index 00000000..c3c1ea23 Binary files /dev/null and b/flowers/train/31/image_08074.jpg differ diff --git a/flowers/train/31/image_08075.jpg b/flowers/train/31/image_08075.jpg new file mode 100644 index 00000000..e39f2b05 Binary files /dev/null and b/flowers/train/31/image_08075.jpg differ diff --git a/flowers/train/31/image_08076.jpg b/flowers/train/31/image_08076.jpg new file mode 100644 index 00000000..0234343c Binary files /dev/null and b/flowers/train/31/image_08076.jpg differ diff --git a/flowers/train/31/image_08077.jpg b/flowers/train/31/image_08077.jpg new file mode 100644 index 00000000..2217cb30 Binary files /dev/null and b/flowers/train/31/image_08077.jpg differ diff --git a/flowers/train/32/image_05585.jpg b/flowers/train/32/image_05585.jpg new file mode 100644 index 00000000..0e89cd7f Binary files /dev/null and b/flowers/train/32/image_05585.jpg differ diff --git a/flowers/train/32/image_05586.jpg b/flowers/train/32/image_05586.jpg new file mode 100644 index 00000000..d98f060f Binary files /dev/null and b/flowers/train/32/image_05586.jpg differ diff --git a/flowers/train/32/image_05587.jpg b/flowers/train/32/image_05587.jpg new file mode 100644 index 00000000..21515198 Binary files /dev/null and b/flowers/train/32/image_05587.jpg differ diff --git a/flowers/train/32/image_05588.jpg b/flowers/train/32/image_05588.jpg new file mode 100644 index 00000000..14b8d3e9 Binary files /dev/null and b/flowers/train/32/image_05588.jpg differ diff --git a/flowers/train/32/image_05589.jpg b/flowers/train/32/image_05589.jpg new file mode 100644 index 00000000..7d894ae4 Binary files /dev/null and b/flowers/train/32/image_05589.jpg differ diff --git a/flowers/train/32/image_05590.jpg b/flowers/train/32/image_05590.jpg new file mode 100644 index 00000000..06958d13 Binary files /dev/null and b/flowers/train/32/image_05590.jpg differ diff --git a/flowers/train/32/image_05593.jpg b/flowers/train/32/image_05593.jpg new file mode 100644 index 00000000..16676c99 Binary files /dev/null and b/flowers/train/32/image_05593.jpg differ diff --git a/flowers/train/32/image_05594.jpg b/flowers/train/32/image_05594.jpg new file mode 100644 index 00000000..b5af60ad Binary files /dev/null and b/flowers/train/32/image_05594.jpg differ diff --git a/flowers/train/32/image_05596.jpg b/flowers/train/32/image_05596.jpg new file mode 100644 index 00000000..17857a41 Binary files /dev/null and b/flowers/train/32/image_05596.jpg differ diff --git a/flowers/train/32/image_05597.jpg b/flowers/train/32/image_05597.jpg new file mode 100644 index 00000000..f1037d0e Binary files /dev/null and b/flowers/train/32/image_05597.jpg differ diff --git a/flowers/train/32/image_05599.jpg b/flowers/train/32/image_05599.jpg new file mode 100644 index 00000000..ecf2e382 Binary files /dev/null and b/flowers/train/32/image_05599.jpg differ diff --git a/flowers/train/32/image_05600.jpg b/flowers/train/32/image_05600.jpg new file mode 100644 index 00000000..af7d4f3d Binary files /dev/null and b/flowers/train/32/image_05600.jpg differ diff --git a/flowers/train/32/image_05601.jpg b/flowers/train/32/image_05601.jpg new file mode 100644 index 00000000..def061ca Binary files /dev/null and b/flowers/train/32/image_05601.jpg differ diff --git a/flowers/train/32/image_05603.jpg b/flowers/train/32/image_05603.jpg new file mode 100644 index 00000000..23705893 Binary files /dev/null and b/flowers/train/32/image_05603.jpg differ diff --git a/flowers/train/32/image_05604.jpg b/flowers/train/32/image_05604.jpg new file mode 100644 index 00000000..3b604265 Binary files /dev/null and b/flowers/train/32/image_05604.jpg differ diff --git a/flowers/train/32/image_05605.jpg b/flowers/train/32/image_05605.jpg new file mode 100644 index 00000000..fac711af Binary files /dev/null and b/flowers/train/32/image_05605.jpg differ diff --git a/flowers/train/32/image_05606.jpg b/flowers/train/32/image_05606.jpg new file mode 100644 index 00000000..82df457c Binary files /dev/null and b/flowers/train/32/image_05606.jpg differ diff --git a/flowers/train/32/image_05607.jpg b/flowers/train/32/image_05607.jpg new file mode 100644 index 00000000..a86892e0 Binary files /dev/null and b/flowers/train/32/image_05607.jpg differ diff --git a/flowers/train/32/image_05608.jpg b/flowers/train/32/image_05608.jpg new file mode 100644 index 00000000..6fbc074b Binary files /dev/null and b/flowers/train/32/image_05608.jpg differ diff --git a/flowers/train/32/image_05609.jpg b/flowers/train/32/image_05609.jpg new file mode 100644 index 00000000..16989382 Binary files /dev/null and b/flowers/train/32/image_05609.jpg differ diff --git a/flowers/train/32/image_05611.jpg b/flowers/train/32/image_05611.jpg new file mode 100644 index 00000000..a04ed48e Binary files /dev/null and b/flowers/train/32/image_05611.jpg differ diff --git a/flowers/train/32/image_05612.jpg b/flowers/train/32/image_05612.jpg new file mode 100644 index 00000000..fe699538 Binary files /dev/null and b/flowers/train/32/image_05612.jpg differ diff --git a/flowers/train/32/image_05613.jpg b/flowers/train/32/image_05613.jpg new file mode 100644 index 00000000..d19cb5f2 Binary files /dev/null and b/flowers/train/32/image_05613.jpg differ diff --git a/flowers/train/32/image_05616.jpg b/flowers/train/32/image_05616.jpg new file mode 100644 index 00000000..87ef4b83 Binary files /dev/null and b/flowers/train/32/image_05616.jpg differ diff --git a/flowers/train/32/image_05617.jpg b/flowers/train/32/image_05617.jpg new file mode 100644 index 00000000..70cd35bb Binary files /dev/null and b/flowers/train/32/image_05617.jpg differ diff --git a/flowers/train/32/image_05618.jpg b/flowers/train/32/image_05618.jpg new file mode 100644 index 00000000..e0a4a01a Binary files /dev/null and b/flowers/train/32/image_05618.jpg differ diff --git a/flowers/train/32/image_05619.jpg b/flowers/train/32/image_05619.jpg new file mode 100644 index 00000000..f813d593 Binary files /dev/null and b/flowers/train/32/image_05619.jpg differ diff --git a/flowers/train/32/image_05620.jpg b/flowers/train/32/image_05620.jpg new file mode 100644 index 00000000..a0c1a367 Binary files /dev/null and b/flowers/train/32/image_05620.jpg differ diff --git a/flowers/train/32/image_05621.jpg b/flowers/train/32/image_05621.jpg new file mode 100644 index 00000000..d6a5405d Binary files /dev/null and b/flowers/train/32/image_05621.jpg differ diff --git a/flowers/train/32/image_05622.jpg b/flowers/train/32/image_05622.jpg new file mode 100644 index 00000000..51e7dc65 Binary files /dev/null and b/flowers/train/32/image_05622.jpg differ diff --git a/flowers/train/32/image_05623.jpg b/flowers/train/32/image_05623.jpg new file mode 100644 index 00000000..dff768b3 Binary files /dev/null and b/flowers/train/32/image_05623.jpg differ diff --git a/flowers/train/32/image_05624.jpg b/flowers/train/32/image_05624.jpg new file mode 100644 index 00000000..1c9e3b1b Binary files /dev/null and b/flowers/train/32/image_05624.jpg differ diff --git a/flowers/train/32/image_05625.jpg b/flowers/train/32/image_05625.jpg new file mode 100644 index 00000000..79c0bca9 Binary files /dev/null and b/flowers/train/32/image_05625.jpg differ diff --git a/flowers/train/32/image_05626.jpg b/flowers/train/32/image_05626.jpg new file mode 100644 index 00000000..ca54183e Binary files /dev/null and b/flowers/train/32/image_05626.jpg differ diff --git a/flowers/train/32/image_05627.jpg b/flowers/train/32/image_05627.jpg new file mode 100644 index 00000000..0bfe14fe Binary files /dev/null and b/flowers/train/32/image_05627.jpg differ diff --git a/flowers/train/32/image_05628.jpg b/flowers/train/32/image_05628.jpg new file mode 100644 index 00000000..82b8039a Binary files /dev/null and b/flowers/train/32/image_05628.jpg differ diff --git a/flowers/train/33/image_06442.jpg b/flowers/train/33/image_06442.jpg new file mode 100644 index 00000000..8531a350 Binary files /dev/null and b/flowers/train/33/image_06442.jpg differ diff --git a/flowers/train/33/image_06445.jpg b/flowers/train/33/image_06445.jpg new file mode 100644 index 00000000..4aec00ae Binary files /dev/null and b/flowers/train/33/image_06445.jpg differ diff --git a/flowers/train/33/image_06446.jpg b/flowers/train/33/image_06446.jpg new file mode 100644 index 00000000..60401527 Binary files /dev/null and b/flowers/train/33/image_06446.jpg differ diff --git a/flowers/train/33/image_06447.jpg b/flowers/train/33/image_06447.jpg new file mode 100644 index 00000000..b6696e4f Binary files /dev/null and b/flowers/train/33/image_06447.jpg differ diff --git a/flowers/train/33/image_06448.jpg b/flowers/train/33/image_06448.jpg new file mode 100644 index 00000000..babeb9b6 Binary files /dev/null and b/flowers/train/33/image_06448.jpg differ diff --git a/flowers/train/33/image_06449.jpg b/flowers/train/33/image_06449.jpg new file mode 100644 index 00000000..46ed9d80 Binary files /dev/null and b/flowers/train/33/image_06449.jpg differ diff --git a/flowers/train/33/image_06450.jpg b/flowers/train/33/image_06450.jpg new file mode 100644 index 00000000..c175249c Binary files /dev/null and b/flowers/train/33/image_06450.jpg differ diff --git a/flowers/train/33/image_06451.jpg b/flowers/train/33/image_06451.jpg new file mode 100644 index 00000000..237f3b38 Binary files /dev/null and b/flowers/train/33/image_06451.jpg differ diff --git a/flowers/train/33/image_06452.jpg b/flowers/train/33/image_06452.jpg new file mode 100644 index 00000000..1d1ad4c9 Binary files /dev/null and b/flowers/train/33/image_06452.jpg differ diff --git a/flowers/train/33/image_06453.jpg b/flowers/train/33/image_06453.jpg new file mode 100644 index 00000000..04e4b230 Binary files /dev/null and b/flowers/train/33/image_06453.jpg differ diff --git a/flowers/train/33/image_06458.jpg b/flowers/train/33/image_06458.jpg new file mode 100644 index 00000000..442b6f51 Binary files /dev/null and b/flowers/train/33/image_06458.jpg differ diff --git a/flowers/train/33/image_06459.jpg b/flowers/train/33/image_06459.jpg new file mode 100644 index 00000000..3bac78e9 Binary files /dev/null and b/flowers/train/33/image_06459.jpg differ diff --git a/flowers/train/33/image_06461.jpg b/flowers/train/33/image_06461.jpg new file mode 100644 index 00000000..8869773e Binary files /dev/null and b/flowers/train/33/image_06461.jpg differ diff --git a/flowers/train/33/image_06462.jpg b/flowers/train/33/image_06462.jpg new file mode 100644 index 00000000..8ec3175d Binary files /dev/null and b/flowers/train/33/image_06462.jpg differ diff --git a/flowers/train/33/image_06463.jpg b/flowers/train/33/image_06463.jpg new file mode 100644 index 00000000..8ee9b9bf Binary files /dev/null and b/flowers/train/33/image_06463.jpg differ diff --git a/flowers/train/33/image_06464.jpg b/flowers/train/33/image_06464.jpg new file mode 100644 index 00000000..eca191ab Binary files /dev/null and b/flowers/train/33/image_06464.jpg differ diff --git a/flowers/train/33/image_06465.jpg b/flowers/train/33/image_06465.jpg new file mode 100644 index 00000000..61c90fe4 Binary files /dev/null and b/flowers/train/33/image_06465.jpg differ diff --git a/flowers/train/33/image_06466.jpg b/flowers/train/33/image_06466.jpg new file mode 100644 index 00000000..c2fd54ec Binary files /dev/null and b/flowers/train/33/image_06466.jpg differ diff --git a/flowers/train/33/image_06467.jpg b/flowers/train/33/image_06467.jpg new file mode 100644 index 00000000..19e8e7d7 Binary files /dev/null and b/flowers/train/33/image_06467.jpg differ diff --git a/flowers/train/33/image_06469.jpg b/flowers/train/33/image_06469.jpg new file mode 100644 index 00000000..1fbbb1d9 Binary files /dev/null and b/flowers/train/33/image_06469.jpg differ diff --git a/flowers/train/33/image_06471.jpg b/flowers/train/33/image_06471.jpg new file mode 100644 index 00000000..fe3426c0 Binary files /dev/null and b/flowers/train/33/image_06471.jpg differ diff --git a/flowers/train/33/image_06472.jpg b/flowers/train/33/image_06472.jpg new file mode 100644 index 00000000..753a533d Binary files /dev/null and b/flowers/train/33/image_06472.jpg differ diff --git a/flowers/train/33/image_06473.jpg b/flowers/train/33/image_06473.jpg new file mode 100644 index 00000000..6b95522e Binary files /dev/null and b/flowers/train/33/image_06473.jpg differ diff --git a/flowers/train/33/image_06474.jpg b/flowers/train/33/image_06474.jpg new file mode 100644 index 00000000..745aac14 Binary files /dev/null and b/flowers/train/33/image_06474.jpg differ diff --git a/flowers/train/33/image_06475.jpg b/flowers/train/33/image_06475.jpg new file mode 100644 index 00000000..4aaf8e79 Binary files /dev/null and b/flowers/train/33/image_06475.jpg differ diff --git a/flowers/train/33/image_06476.jpg b/flowers/train/33/image_06476.jpg new file mode 100644 index 00000000..aa9e9a93 Binary files /dev/null and b/flowers/train/33/image_06476.jpg differ diff --git a/flowers/train/33/image_06477.jpg b/flowers/train/33/image_06477.jpg new file mode 100644 index 00000000..8a020b54 Binary files /dev/null and b/flowers/train/33/image_06477.jpg differ diff --git a/flowers/train/33/image_06480.jpg b/flowers/train/33/image_06480.jpg new file mode 100644 index 00000000..9b5665d7 Binary files /dev/null and b/flowers/train/33/image_06480.jpg differ diff --git a/flowers/train/33/image_06482.jpg b/flowers/train/33/image_06482.jpg new file mode 100644 index 00000000..0eba427c Binary files /dev/null and b/flowers/train/33/image_06482.jpg differ diff --git a/flowers/train/33/image_06483.jpg b/flowers/train/33/image_06483.jpg new file mode 100644 index 00000000..b75ed888 Binary files /dev/null and b/flowers/train/33/image_06483.jpg differ diff --git a/flowers/train/33/image_06484.jpg b/flowers/train/33/image_06484.jpg new file mode 100644 index 00000000..f0e7c6c3 Binary files /dev/null and b/flowers/train/33/image_06484.jpg differ diff --git a/flowers/train/34/image_06930.jpg b/flowers/train/34/image_06930.jpg new file mode 100644 index 00000000..ffdff923 Binary files /dev/null and b/flowers/train/34/image_06930.jpg differ diff --git a/flowers/train/34/image_06931.jpg b/flowers/train/34/image_06931.jpg new file mode 100644 index 00000000..71fb1e13 Binary files /dev/null and b/flowers/train/34/image_06931.jpg differ diff --git a/flowers/train/34/image_06932.jpg b/flowers/train/34/image_06932.jpg new file mode 100644 index 00000000..f7db944a Binary files /dev/null and b/flowers/train/34/image_06932.jpg differ diff --git a/flowers/train/34/image_06934.jpg b/flowers/train/34/image_06934.jpg new file mode 100644 index 00000000..68df229c Binary files /dev/null and b/flowers/train/34/image_06934.jpg differ diff --git a/flowers/train/34/image_06935.jpg b/flowers/train/34/image_06935.jpg new file mode 100644 index 00000000..bf406791 Binary files /dev/null and b/flowers/train/34/image_06935.jpg differ diff --git a/flowers/train/34/image_06936.jpg b/flowers/train/34/image_06936.jpg new file mode 100644 index 00000000..0dd1cb3c Binary files /dev/null and b/flowers/train/34/image_06936.jpg differ diff --git a/flowers/train/34/image_06937.jpg b/flowers/train/34/image_06937.jpg new file mode 100644 index 00000000..33622689 Binary files /dev/null and b/flowers/train/34/image_06937.jpg differ diff --git a/flowers/train/34/image_06938.jpg b/flowers/train/34/image_06938.jpg new file mode 100644 index 00000000..6b402a77 Binary files /dev/null and b/flowers/train/34/image_06938.jpg differ diff --git a/flowers/train/34/image_06940.jpg b/flowers/train/34/image_06940.jpg new file mode 100644 index 00000000..08d213af Binary files /dev/null and b/flowers/train/34/image_06940.jpg differ diff --git a/flowers/train/34/image_06942.jpg b/flowers/train/34/image_06942.jpg new file mode 100644 index 00000000..ac0d23c4 Binary files /dev/null and b/flowers/train/34/image_06942.jpg differ diff --git a/flowers/train/34/image_06943.jpg b/flowers/train/34/image_06943.jpg new file mode 100644 index 00000000..2a24b0a8 Binary files /dev/null and b/flowers/train/34/image_06943.jpg differ diff --git a/flowers/train/34/image_06944.jpg b/flowers/train/34/image_06944.jpg new file mode 100644 index 00000000..5c86b15f Binary files /dev/null and b/flowers/train/34/image_06944.jpg differ diff --git a/flowers/train/34/image_06945.jpg b/flowers/train/34/image_06945.jpg new file mode 100644 index 00000000..473c9f62 Binary files /dev/null and b/flowers/train/34/image_06945.jpg differ diff --git a/flowers/train/34/image_06946.jpg b/flowers/train/34/image_06946.jpg new file mode 100644 index 00000000..344f8fe7 Binary files /dev/null and b/flowers/train/34/image_06946.jpg differ diff --git a/flowers/train/34/image_06947.jpg b/flowers/train/34/image_06947.jpg new file mode 100644 index 00000000..260bba00 Binary files /dev/null and b/flowers/train/34/image_06947.jpg differ diff --git a/flowers/train/34/image_06948.jpg b/flowers/train/34/image_06948.jpg new file mode 100644 index 00000000..ca4c601a Binary files /dev/null and b/flowers/train/34/image_06948.jpg differ diff --git a/flowers/train/34/image_06951.jpg b/flowers/train/34/image_06951.jpg new file mode 100644 index 00000000..87a5949b Binary files /dev/null and b/flowers/train/34/image_06951.jpg differ diff --git a/flowers/train/34/image_06952.jpg b/flowers/train/34/image_06952.jpg new file mode 100644 index 00000000..3eaf222b Binary files /dev/null and b/flowers/train/34/image_06952.jpg differ diff --git a/flowers/train/34/image_06953.jpg b/flowers/train/34/image_06953.jpg new file mode 100644 index 00000000..df9c2038 Binary files /dev/null and b/flowers/train/34/image_06953.jpg differ diff --git a/flowers/train/34/image_06956.jpg b/flowers/train/34/image_06956.jpg new file mode 100644 index 00000000..efd7b217 Binary files /dev/null and b/flowers/train/34/image_06956.jpg differ diff --git a/flowers/train/34/image_06957.jpg b/flowers/train/34/image_06957.jpg new file mode 100644 index 00000000..1c3fbf9b Binary files /dev/null and b/flowers/train/34/image_06957.jpg differ diff --git a/flowers/train/34/image_06958.jpg b/flowers/train/34/image_06958.jpg new file mode 100644 index 00000000..2eab924f Binary files /dev/null and b/flowers/train/34/image_06958.jpg differ diff --git a/flowers/train/34/image_06960.jpg b/flowers/train/34/image_06960.jpg new file mode 100644 index 00000000..83f551c7 Binary files /dev/null and b/flowers/train/34/image_06960.jpg differ diff --git a/flowers/train/34/image_06962.jpg b/flowers/train/34/image_06962.jpg new file mode 100644 index 00000000..33c0281f Binary files /dev/null and b/flowers/train/34/image_06962.jpg differ diff --git a/flowers/train/34/image_06965.jpg b/flowers/train/34/image_06965.jpg new file mode 100644 index 00000000..be0238dd Binary files /dev/null and b/flowers/train/34/image_06965.jpg differ diff --git a/flowers/train/34/image_06966.jpg b/flowers/train/34/image_06966.jpg new file mode 100644 index 00000000..00fddd6d Binary files /dev/null and b/flowers/train/34/image_06966.jpg differ diff --git a/flowers/train/34/image_06967.jpg b/flowers/train/34/image_06967.jpg new file mode 100644 index 00000000..aa6c380f Binary files /dev/null and b/flowers/train/34/image_06967.jpg differ diff --git a/flowers/train/34/image_06968.jpg b/flowers/train/34/image_06968.jpg new file mode 100644 index 00000000..eb68dab6 Binary files /dev/null and b/flowers/train/34/image_06968.jpg differ diff --git a/flowers/train/35/image_06969.jpg b/flowers/train/35/image_06969.jpg new file mode 100644 index 00000000..6ebc8df3 Binary files /dev/null and b/flowers/train/35/image_06969.jpg differ diff --git a/flowers/train/35/image_06970.jpg b/flowers/train/35/image_06970.jpg new file mode 100644 index 00000000..037bff67 Binary files /dev/null and b/flowers/train/35/image_06970.jpg differ diff --git a/flowers/train/35/image_06971.jpg b/flowers/train/35/image_06971.jpg new file mode 100644 index 00000000..b330dbff Binary files /dev/null and b/flowers/train/35/image_06971.jpg differ diff --git a/flowers/train/35/image_06972.jpg b/flowers/train/35/image_06972.jpg new file mode 100644 index 00000000..b065a06d Binary files /dev/null and b/flowers/train/35/image_06972.jpg differ diff --git a/flowers/train/35/image_06973.jpg b/flowers/train/35/image_06973.jpg new file mode 100644 index 00000000..f8d37bbb Binary files /dev/null and b/flowers/train/35/image_06973.jpg differ diff --git a/flowers/train/35/image_06974.jpg b/flowers/train/35/image_06974.jpg new file mode 100644 index 00000000..e1a80a8d Binary files /dev/null and b/flowers/train/35/image_06974.jpg differ diff --git a/flowers/train/35/image_06975.jpg b/flowers/train/35/image_06975.jpg new file mode 100644 index 00000000..dc3b0a87 Binary files /dev/null and b/flowers/train/35/image_06975.jpg differ diff --git a/flowers/train/35/image_06976.jpg b/flowers/train/35/image_06976.jpg new file mode 100644 index 00000000..e10db804 Binary files /dev/null and b/flowers/train/35/image_06976.jpg differ diff --git a/flowers/train/35/image_06979.jpg b/flowers/train/35/image_06979.jpg new file mode 100644 index 00000000..42d9bffc Binary files /dev/null and b/flowers/train/35/image_06979.jpg differ diff --git a/flowers/train/35/image_06980.jpg b/flowers/train/35/image_06980.jpg new file mode 100644 index 00000000..5663bf5c Binary files /dev/null and b/flowers/train/35/image_06980.jpg differ diff --git a/flowers/train/35/image_06981.jpg b/flowers/train/35/image_06981.jpg new file mode 100644 index 00000000..a9fe458e Binary files /dev/null and b/flowers/train/35/image_06981.jpg differ diff --git a/flowers/train/35/image_06982.jpg b/flowers/train/35/image_06982.jpg new file mode 100644 index 00000000..21856276 Binary files /dev/null and b/flowers/train/35/image_06982.jpg differ diff --git a/flowers/train/35/image_06983.jpg b/flowers/train/35/image_06983.jpg new file mode 100644 index 00000000..e3e4829b Binary files /dev/null and b/flowers/train/35/image_06983.jpg differ diff --git a/flowers/train/35/image_06985.jpg b/flowers/train/35/image_06985.jpg new file mode 100644 index 00000000..ad37d73f Binary files /dev/null and b/flowers/train/35/image_06985.jpg differ diff --git a/flowers/train/35/image_06987.jpg b/flowers/train/35/image_06987.jpg new file mode 100644 index 00000000..26dd83d1 Binary files /dev/null and b/flowers/train/35/image_06987.jpg differ diff --git a/flowers/train/35/image_06988.jpg b/flowers/train/35/image_06988.jpg new file mode 100644 index 00000000..8fe5b61f Binary files /dev/null and b/flowers/train/35/image_06988.jpg differ diff --git a/flowers/train/35/image_06989.jpg b/flowers/train/35/image_06989.jpg new file mode 100644 index 00000000..3387dfa5 Binary files /dev/null and b/flowers/train/35/image_06989.jpg differ diff --git a/flowers/train/35/image_06990.jpg b/flowers/train/35/image_06990.jpg new file mode 100644 index 00000000..ad0d7e7b Binary files /dev/null and b/flowers/train/35/image_06990.jpg differ diff --git a/flowers/train/35/image_06991.jpg b/flowers/train/35/image_06991.jpg new file mode 100644 index 00000000..8cda66a8 Binary files /dev/null and b/flowers/train/35/image_06991.jpg differ diff --git a/flowers/train/35/image_06993.jpg b/flowers/train/35/image_06993.jpg new file mode 100644 index 00000000..85a2408e Binary files /dev/null and b/flowers/train/35/image_06993.jpg differ diff --git a/flowers/train/35/image_06994.jpg b/flowers/train/35/image_06994.jpg new file mode 100644 index 00000000..d35aca88 Binary files /dev/null and b/flowers/train/35/image_06994.jpg differ diff --git a/flowers/train/35/image_06995.jpg b/flowers/train/35/image_06995.jpg new file mode 100644 index 00000000..6c1d9175 Binary files /dev/null and b/flowers/train/35/image_06995.jpg differ diff --git a/flowers/train/35/image_06996.jpg b/flowers/train/35/image_06996.jpg new file mode 100644 index 00000000..f674e124 Binary files /dev/null and b/flowers/train/35/image_06996.jpg differ diff --git a/flowers/train/35/image_06997.jpg b/flowers/train/35/image_06997.jpg new file mode 100644 index 00000000..a3b1e167 Binary files /dev/null and b/flowers/train/35/image_06997.jpg differ diff --git a/flowers/train/35/image_06998.jpg b/flowers/train/35/image_06998.jpg new file mode 100644 index 00000000..269bb599 Binary files /dev/null and b/flowers/train/35/image_06998.jpg differ diff --git a/flowers/train/35/image_06999.jpg b/flowers/train/35/image_06999.jpg new file mode 100644 index 00000000..0343ebf7 Binary files /dev/null and b/flowers/train/35/image_06999.jpg differ diff --git a/flowers/train/35/image_07000.jpg b/flowers/train/35/image_07000.jpg new file mode 100644 index 00000000..7de31f85 Binary files /dev/null and b/flowers/train/35/image_07000.jpg differ diff --git a/flowers/train/35/image_07001.jpg b/flowers/train/35/image_07001.jpg new file mode 100644 index 00000000..bce85a4b Binary files /dev/null and b/flowers/train/35/image_07001.jpg differ diff --git a/flowers/train/35/image_07002.jpg b/flowers/train/35/image_07002.jpg new file mode 100644 index 00000000..2196fc7d Binary files /dev/null and b/flowers/train/35/image_07002.jpg differ diff --git a/flowers/train/35/image_07003.jpg b/flowers/train/35/image_07003.jpg new file mode 100644 index 00000000..36a7530d Binary files /dev/null and b/flowers/train/35/image_07003.jpg differ diff --git a/flowers/train/35/image_08085.jpg b/flowers/train/35/image_08085.jpg new file mode 100644 index 00000000..b8443db6 Binary files /dev/null and b/flowers/train/35/image_08085.jpg differ diff --git a/flowers/train/35/image_08086.jpg b/flowers/train/35/image_08086.jpg new file mode 100644 index 00000000..32aeb78e Binary files /dev/null and b/flowers/train/35/image_08086.jpg differ diff --git a/flowers/train/35/image_08087.jpg b/flowers/train/35/image_08087.jpg new file mode 100644 index 00000000..9460675b Binary files /dev/null and b/flowers/train/35/image_08087.jpg differ diff --git a/flowers/train/36/image_04326.jpg b/flowers/train/36/image_04326.jpg new file mode 100644 index 00000000..961d30db Binary files /dev/null and b/flowers/train/36/image_04326.jpg differ diff --git a/flowers/train/36/image_04327.jpg b/flowers/train/36/image_04327.jpg new file mode 100644 index 00000000..4ea42250 Binary files /dev/null and b/flowers/train/36/image_04327.jpg differ diff --git a/flowers/train/36/image_04328.jpg b/flowers/train/36/image_04328.jpg new file mode 100644 index 00000000..a84f59f6 Binary files /dev/null and b/flowers/train/36/image_04328.jpg differ diff --git a/flowers/train/36/image_04329.jpg b/flowers/train/36/image_04329.jpg new file mode 100644 index 00000000..92fc60b5 Binary files /dev/null and b/flowers/train/36/image_04329.jpg differ diff --git a/flowers/train/36/image_04330.jpg b/flowers/train/36/image_04330.jpg new file mode 100644 index 00000000..995376be Binary files /dev/null and b/flowers/train/36/image_04330.jpg differ diff --git a/flowers/train/36/image_04331.jpg b/flowers/train/36/image_04331.jpg new file mode 100644 index 00000000..8c39e242 Binary files /dev/null and b/flowers/train/36/image_04331.jpg differ diff --git a/flowers/train/36/image_04332.jpg b/flowers/train/36/image_04332.jpg new file mode 100644 index 00000000..3c53849a Binary files /dev/null and b/flowers/train/36/image_04332.jpg differ diff --git a/flowers/train/36/image_04335.jpg b/flowers/train/36/image_04335.jpg new file mode 100644 index 00000000..1d65f52e Binary files /dev/null and b/flowers/train/36/image_04335.jpg differ diff --git a/flowers/train/36/image_04336.jpg b/flowers/train/36/image_04336.jpg new file mode 100644 index 00000000..a9cdc7af Binary files /dev/null and b/flowers/train/36/image_04336.jpg differ diff --git a/flowers/train/36/image_04337.jpg b/flowers/train/36/image_04337.jpg new file mode 100644 index 00000000..c8b6dd51 Binary files /dev/null and b/flowers/train/36/image_04337.jpg differ diff --git a/flowers/train/36/image_04338.jpg b/flowers/train/36/image_04338.jpg new file mode 100644 index 00000000..ab70f0d4 Binary files /dev/null and b/flowers/train/36/image_04338.jpg differ diff --git a/flowers/train/36/image_04339.jpg b/flowers/train/36/image_04339.jpg new file mode 100644 index 00000000..f2a342cd Binary files /dev/null and b/flowers/train/36/image_04339.jpg differ diff --git a/flowers/train/36/image_04340.jpg b/flowers/train/36/image_04340.jpg new file mode 100644 index 00000000..f665f996 Binary files /dev/null and b/flowers/train/36/image_04340.jpg differ diff --git a/flowers/train/36/image_04341.jpg b/flowers/train/36/image_04341.jpg new file mode 100644 index 00000000..6c1b8319 Binary files /dev/null and b/flowers/train/36/image_04341.jpg differ diff --git a/flowers/train/36/image_04342.jpg b/flowers/train/36/image_04342.jpg new file mode 100644 index 00000000..8a1b2569 Binary files /dev/null and b/flowers/train/36/image_04342.jpg differ diff --git a/flowers/train/36/image_04343.jpg b/flowers/train/36/image_04343.jpg new file mode 100644 index 00000000..96ccc235 Binary files /dev/null and b/flowers/train/36/image_04343.jpg differ diff --git a/flowers/train/36/image_04345.jpg b/flowers/train/36/image_04345.jpg new file mode 100644 index 00000000..06db69a5 Binary files /dev/null and b/flowers/train/36/image_04345.jpg differ diff --git a/flowers/train/36/image_04346.jpg b/flowers/train/36/image_04346.jpg new file mode 100644 index 00000000..66346885 Binary files /dev/null and b/flowers/train/36/image_04346.jpg differ diff --git a/flowers/train/36/image_04347.jpg b/flowers/train/36/image_04347.jpg new file mode 100644 index 00000000..eaa9cf4d Binary files /dev/null and b/flowers/train/36/image_04347.jpg differ diff --git a/flowers/train/36/image_04348.jpg b/flowers/train/36/image_04348.jpg new file mode 100644 index 00000000..3b640137 Binary files /dev/null and b/flowers/train/36/image_04348.jpg differ diff --git a/flowers/train/36/image_04349.jpg b/flowers/train/36/image_04349.jpg new file mode 100644 index 00000000..1e9b79b7 Binary files /dev/null and b/flowers/train/36/image_04349.jpg differ diff --git a/flowers/train/36/image_04353.jpg b/flowers/train/36/image_04353.jpg new file mode 100644 index 00000000..94b9652f Binary files /dev/null and b/flowers/train/36/image_04353.jpg differ diff --git a/flowers/train/36/image_04355.jpg b/flowers/train/36/image_04355.jpg new file mode 100644 index 00000000..656ed3ff Binary files /dev/null and b/flowers/train/36/image_04355.jpg differ diff --git a/flowers/train/36/image_04356.jpg b/flowers/train/36/image_04356.jpg new file mode 100644 index 00000000..54568793 Binary files /dev/null and b/flowers/train/36/image_04356.jpg differ diff --git a/flowers/train/36/image_04357.jpg b/flowers/train/36/image_04357.jpg new file mode 100644 index 00000000..dc12c0b5 Binary files /dev/null and b/flowers/train/36/image_04357.jpg differ diff --git a/flowers/train/36/image_04358.jpg b/flowers/train/36/image_04358.jpg new file mode 100644 index 00000000..8fea1966 Binary files /dev/null and b/flowers/train/36/image_04358.jpg differ diff --git a/flowers/train/36/image_04359.jpg b/flowers/train/36/image_04359.jpg new file mode 100644 index 00000000..254595b7 Binary files /dev/null and b/flowers/train/36/image_04359.jpg differ diff --git a/flowers/train/36/image_04360.jpg b/flowers/train/36/image_04360.jpg new file mode 100644 index 00000000..d424e2ab Binary files /dev/null and b/flowers/train/36/image_04360.jpg differ diff --git a/flowers/train/36/image_04361.jpg b/flowers/train/36/image_04361.jpg new file mode 100644 index 00000000..179e803a Binary files /dev/null and b/flowers/train/36/image_04361.jpg differ diff --git a/flowers/train/36/image_04362.jpg b/flowers/train/36/image_04362.jpg new file mode 100644 index 00000000..8fc6b025 Binary files /dev/null and b/flowers/train/36/image_04362.jpg differ diff --git a/flowers/train/36/image_04363.jpg b/flowers/train/36/image_04363.jpg new file mode 100644 index 00000000..cc0fbae9 Binary files /dev/null and b/flowers/train/36/image_04363.jpg differ diff --git a/flowers/train/36/image_04365.jpg b/flowers/train/36/image_04365.jpg new file mode 100644 index 00000000..7b549f43 Binary files /dev/null and b/flowers/train/36/image_04365.jpg differ diff --git a/flowers/train/36/image_04366.jpg b/flowers/train/36/image_04366.jpg new file mode 100644 index 00000000..c78313eb Binary files /dev/null and b/flowers/train/36/image_04366.jpg differ diff --git a/flowers/train/36/image_04367.jpg b/flowers/train/36/image_04367.jpg new file mode 100644 index 00000000..dc71c706 Binary files /dev/null and b/flowers/train/36/image_04367.jpg differ diff --git a/flowers/train/36/image_04368.jpg b/flowers/train/36/image_04368.jpg new file mode 100644 index 00000000..0355beaa Binary files /dev/null and b/flowers/train/36/image_04368.jpg differ diff --git a/flowers/train/36/image_04369.jpg b/flowers/train/36/image_04369.jpg new file mode 100644 index 00000000..27e5221a Binary files /dev/null and b/flowers/train/36/image_04369.jpg differ diff --git a/flowers/train/36/image_04370.jpg b/flowers/train/36/image_04370.jpg new file mode 100644 index 00000000..52acb6bf Binary files /dev/null and b/flowers/train/36/image_04370.jpg differ diff --git a/flowers/train/36/image_04371.jpg b/flowers/train/36/image_04371.jpg new file mode 100644 index 00000000..fa455c67 Binary files /dev/null and b/flowers/train/36/image_04371.jpg differ diff --git a/flowers/train/36/image_04372.jpg b/flowers/train/36/image_04372.jpg new file mode 100644 index 00000000..1b7f0d88 Binary files /dev/null and b/flowers/train/36/image_04372.jpg differ diff --git a/flowers/train/36/image_04374.jpg b/flowers/train/36/image_04374.jpg new file mode 100644 index 00000000..8fe7b6d9 Binary files /dev/null and b/flowers/train/36/image_04374.jpg differ diff --git a/flowers/train/36/image_04375.jpg b/flowers/train/36/image_04375.jpg new file mode 100644 index 00000000..8ba80e67 Binary files /dev/null and b/flowers/train/36/image_04375.jpg differ diff --git a/flowers/train/36/image_04376.jpg b/flowers/train/36/image_04376.jpg new file mode 100644 index 00000000..b60a4888 Binary files /dev/null and b/flowers/train/36/image_04376.jpg differ diff --git a/flowers/train/36/image_04377.jpg b/flowers/train/36/image_04377.jpg new file mode 100644 index 00000000..cefc37e1 Binary files /dev/null and b/flowers/train/36/image_04377.jpg differ diff --git a/flowers/train/36/image_04378.jpg b/flowers/train/36/image_04378.jpg new file mode 100644 index 00000000..ec1344e6 Binary files /dev/null and b/flowers/train/36/image_04378.jpg differ diff --git a/flowers/train/36/image_04379.jpg b/flowers/train/36/image_04379.jpg new file mode 100644 index 00000000..5260dd3e Binary files /dev/null and b/flowers/train/36/image_04379.jpg differ diff --git a/flowers/train/36/image_04380.jpg b/flowers/train/36/image_04380.jpg new file mode 100644 index 00000000..3e92cb7a Binary files /dev/null and b/flowers/train/36/image_04380.jpg differ diff --git a/flowers/train/36/image_04381.jpg b/flowers/train/36/image_04381.jpg new file mode 100644 index 00000000..92f58798 Binary files /dev/null and b/flowers/train/36/image_04381.jpg differ diff --git a/flowers/train/36/image_04383.jpg b/flowers/train/36/image_04383.jpg new file mode 100644 index 00000000..6573e058 Binary files /dev/null and b/flowers/train/36/image_04383.jpg differ diff --git a/flowers/train/36/image_04384.jpg b/flowers/train/36/image_04384.jpg new file mode 100644 index 00000000..98169221 Binary files /dev/null and b/flowers/train/36/image_04384.jpg differ diff --git a/flowers/train/36/image_04385.jpg b/flowers/train/36/image_04385.jpg new file mode 100644 index 00000000..5e35457f Binary files /dev/null and b/flowers/train/36/image_04385.jpg differ diff --git a/flowers/train/36/image_04386.jpg b/flowers/train/36/image_04386.jpg new file mode 100644 index 00000000..38f390df Binary files /dev/null and b/flowers/train/36/image_04386.jpg differ diff --git a/flowers/train/36/image_04387.jpg b/flowers/train/36/image_04387.jpg new file mode 100644 index 00000000..a1b03a9e Binary files /dev/null and b/flowers/train/36/image_04387.jpg differ diff --git a/flowers/train/36/image_04388.jpg b/flowers/train/36/image_04388.jpg new file mode 100644 index 00000000..0dd81133 Binary files /dev/null and b/flowers/train/36/image_04388.jpg differ diff --git a/flowers/train/36/image_04389.jpg b/flowers/train/36/image_04389.jpg new file mode 100644 index 00000000..02c2fdd0 Binary files /dev/null and b/flowers/train/36/image_04389.jpg differ diff --git a/flowers/train/36/image_04390.jpg b/flowers/train/36/image_04390.jpg new file mode 100644 index 00000000..68aa4bae Binary files /dev/null and b/flowers/train/36/image_04390.jpg differ diff --git a/flowers/train/36/image_04391.jpg b/flowers/train/36/image_04391.jpg new file mode 100644 index 00000000..b888d10d Binary files /dev/null and b/flowers/train/36/image_04391.jpg differ diff --git a/flowers/train/36/image_04394.jpg b/flowers/train/36/image_04394.jpg new file mode 100644 index 00000000..a25071da Binary files /dev/null and b/flowers/train/36/image_04394.jpg differ diff --git a/flowers/train/36/image_04395.jpg b/flowers/train/36/image_04395.jpg new file mode 100644 index 00000000..ad50d113 Binary files /dev/null and b/flowers/train/36/image_04395.jpg differ diff --git a/flowers/train/36/image_04396.jpg b/flowers/train/36/image_04396.jpg new file mode 100644 index 00000000..29aff6ec Binary files /dev/null and b/flowers/train/36/image_04396.jpg differ diff --git a/flowers/train/36/image_04397.jpg b/flowers/train/36/image_04397.jpg new file mode 100644 index 00000000..ec3e49df Binary files /dev/null and b/flowers/train/36/image_04397.jpg differ diff --git a/flowers/train/36/image_04398.jpg b/flowers/train/36/image_04398.jpg new file mode 100644 index 00000000..46319880 Binary files /dev/null and b/flowers/train/36/image_04398.jpg differ diff --git a/flowers/train/36/image_04399.jpg b/flowers/train/36/image_04399.jpg new file mode 100644 index 00000000..068ce2d9 Binary files /dev/null and b/flowers/train/36/image_04399.jpg differ diff --git a/flowers/train/37/image_03735.jpg b/flowers/train/37/image_03735.jpg new file mode 100644 index 00000000..930d0525 Binary files /dev/null and b/flowers/train/37/image_03735.jpg differ diff --git a/flowers/train/37/image_03736.jpg b/flowers/train/37/image_03736.jpg new file mode 100644 index 00000000..2b75bb72 Binary files /dev/null and b/flowers/train/37/image_03736.jpg differ diff --git a/flowers/train/37/image_03737.jpg b/flowers/train/37/image_03737.jpg new file mode 100644 index 00000000..d27037bc Binary files /dev/null and b/flowers/train/37/image_03737.jpg differ diff --git a/flowers/train/37/image_03738.jpg b/flowers/train/37/image_03738.jpg new file mode 100644 index 00000000..71ce3f8f Binary files /dev/null and b/flowers/train/37/image_03738.jpg differ diff --git a/flowers/train/37/image_03739.jpg b/flowers/train/37/image_03739.jpg new file mode 100644 index 00000000..27af0ac8 Binary files /dev/null and b/flowers/train/37/image_03739.jpg differ diff --git a/flowers/train/37/image_03740.jpg b/flowers/train/37/image_03740.jpg new file mode 100644 index 00000000..021155a2 Binary files /dev/null and b/flowers/train/37/image_03740.jpg differ diff --git a/flowers/train/37/image_03742.jpg b/flowers/train/37/image_03742.jpg new file mode 100644 index 00000000..e89040eb Binary files /dev/null and b/flowers/train/37/image_03742.jpg differ diff --git a/flowers/train/37/image_03743.jpg b/flowers/train/37/image_03743.jpg new file mode 100644 index 00000000..95d0634b Binary files /dev/null and b/flowers/train/37/image_03743.jpg differ diff --git a/flowers/train/37/image_03744.jpg b/flowers/train/37/image_03744.jpg new file mode 100644 index 00000000..933759d5 Binary files /dev/null and b/flowers/train/37/image_03744.jpg differ diff --git a/flowers/train/37/image_03745.jpg b/flowers/train/37/image_03745.jpg new file mode 100644 index 00000000..6ce5d145 Binary files /dev/null and b/flowers/train/37/image_03745.jpg differ diff --git a/flowers/train/37/image_03746.jpg b/flowers/train/37/image_03746.jpg new file mode 100644 index 00000000..5eea106b Binary files /dev/null and b/flowers/train/37/image_03746.jpg differ diff --git a/flowers/train/37/image_03747.jpg b/flowers/train/37/image_03747.jpg new file mode 100644 index 00000000..67edcce4 Binary files /dev/null and b/flowers/train/37/image_03747.jpg differ diff --git a/flowers/train/37/image_03748.jpg b/flowers/train/37/image_03748.jpg new file mode 100644 index 00000000..627cc572 Binary files /dev/null and b/flowers/train/37/image_03748.jpg differ diff --git a/flowers/train/37/image_03749.jpg b/flowers/train/37/image_03749.jpg new file mode 100644 index 00000000..5134642f Binary files /dev/null and b/flowers/train/37/image_03749.jpg differ diff --git a/flowers/train/37/image_03750.jpg b/flowers/train/37/image_03750.jpg new file mode 100644 index 00000000..77d17924 Binary files /dev/null and b/flowers/train/37/image_03750.jpg differ diff --git a/flowers/train/37/image_03751.jpg b/flowers/train/37/image_03751.jpg new file mode 100644 index 00000000..0b73f17a Binary files /dev/null and b/flowers/train/37/image_03751.jpg differ diff --git a/flowers/train/37/image_03752.jpg b/flowers/train/37/image_03752.jpg new file mode 100644 index 00000000..a1f30e26 Binary files /dev/null and b/flowers/train/37/image_03752.jpg differ diff --git a/flowers/train/37/image_03753.jpg b/flowers/train/37/image_03753.jpg new file mode 100644 index 00000000..64c43264 Binary files /dev/null and b/flowers/train/37/image_03753.jpg differ diff --git a/flowers/train/37/image_03754.jpg b/flowers/train/37/image_03754.jpg new file mode 100644 index 00000000..92d7cf96 Binary files /dev/null and b/flowers/train/37/image_03754.jpg differ diff --git a/flowers/train/37/image_03755.jpg b/flowers/train/37/image_03755.jpg new file mode 100644 index 00000000..6c988507 Binary files /dev/null and b/flowers/train/37/image_03755.jpg differ diff --git a/flowers/train/37/image_03757.jpg b/flowers/train/37/image_03757.jpg new file mode 100644 index 00000000..899140aa Binary files /dev/null and b/flowers/train/37/image_03757.jpg differ diff --git a/flowers/train/37/image_03758.jpg b/flowers/train/37/image_03758.jpg new file mode 100644 index 00000000..8cff659c Binary files /dev/null and b/flowers/train/37/image_03758.jpg differ diff --git a/flowers/train/37/image_03759.jpg b/flowers/train/37/image_03759.jpg new file mode 100644 index 00000000..8da0b7f1 Binary files /dev/null and b/flowers/train/37/image_03759.jpg differ diff --git a/flowers/train/37/image_03760.jpg b/flowers/train/37/image_03760.jpg new file mode 100644 index 00000000..4bb3467a Binary files /dev/null and b/flowers/train/37/image_03760.jpg differ diff --git a/flowers/train/37/image_03761.jpg b/flowers/train/37/image_03761.jpg new file mode 100644 index 00000000..191d2831 Binary files /dev/null and b/flowers/train/37/image_03761.jpg differ diff --git a/flowers/train/37/image_03762.jpg b/flowers/train/37/image_03762.jpg new file mode 100644 index 00000000..89fe58a7 Binary files /dev/null and b/flowers/train/37/image_03762.jpg differ diff --git a/flowers/train/37/image_03763.jpg b/flowers/train/37/image_03763.jpg new file mode 100644 index 00000000..77b840f3 Binary files /dev/null and b/flowers/train/37/image_03763.jpg differ diff --git a/flowers/train/37/image_03764.jpg b/flowers/train/37/image_03764.jpg new file mode 100644 index 00000000..c464b9be Binary files /dev/null and b/flowers/train/37/image_03764.jpg differ diff --git a/flowers/train/37/image_03766.jpg b/flowers/train/37/image_03766.jpg new file mode 100644 index 00000000..19f9424c Binary files /dev/null and b/flowers/train/37/image_03766.jpg differ diff --git a/flowers/train/37/image_03767.jpg b/flowers/train/37/image_03767.jpg new file mode 100644 index 00000000..09d9d39b Binary files /dev/null and b/flowers/train/37/image_03767.jpg differ diff --git a/flowers/train/37/image_03769.jpg b/flowers/train/37/image_03769.jpg new file mode 100644 index 00000000..53b0119c Binary files /dev/null and b/flowers/train/37/image_03769.jpg differ diff --git a/flowers/train/37/image_03770.jpg b/flowers/train/37/image_03770.jpg new file mode 100644 index 00000000..8cf56be2 Binary files /dev/null and b/flowers/train/37/image_03770.jpg differ diff --git a/flowers/train/37/image_03771.jpg b/flowers/train/37/image_03771.jpg new file mode 100644 index 00000000..b2dad257 Binary files /dev/null and b/flowers/train/37/image_03771.jpg differ diff --git a/flowers/train/37/image_03772.jpg b/flowers/train/37/image_03772.jpg new file mode 100644 index 00000000..67faaf9f Binary files /dev/null and b/flowers/train/37/image_03772.jpg differ diff --git a/flowers/train/37/image_03773.jpg b/flowers/train/37/image_03773.jpg new file mode 100644 index 00000000..e61d73f4 Binary files /dev/null and b/flowers/train/37/image_03773.jpg differ diff --git a/flowers/train/37/image_03774.jpg b/flowers/train/37/image_03774.jpg new file mode 100644 index 00000000..9359f57d Binary files /dev/null and b/flowers/train/37/image_03774.jpg differ diff --git a/flowers/train/37/image_03775.jpg b/flowers/train/37/image_03775.jpg new file mode 100644 index 00000000..02b2d00f Binary files /dev/null and b/flowers/train/37/image_03775.jpg differ diff --git a/flowers/train/37/image_03776.jpg b/flowers/train/37/image_03776.jpg new file mode 100644 index 00000000..cf425974 Binary files /dev/null and b/flowers/train/37/image_03776.jpg differ diff --git a/flowers/train/37/image_03777.jpg b/flowers/train/37/image_03777.jpg new file mode 100644 index 00000000..1d762591 Binary files /dev/null and b/flowers/train/37/image_03777.jpg differ diff --git a/flowers/train/37/image_03778.jpg b/flowers/train/37/image_03778.jpg new file mode 100644 index 00000000..4603320f Binary files /dev/null and b/flowers/train/37/image_03778.jpg differ diff --git a/flowers/train/37/image_03779.jpg b/flowers/train/37/image_03779.jpg new file mode 100644 index 00000000..c175c4be Binary files /dev/null and b/flowers/train/37/image_03779.jpg differ diff --git a/flowers/train/37/image_03780.jpg b/flowers/train/37/image_03780.jpg new file mode 100644 index 00000000..9e6ca182 Binary files /dev/null and b/flowers/train/37/image_03780.jpg differ diff --git a/flowers/train/37/image_03781.jpg b/flowers/train/37/image_03781.jpg new file mode 100644 index 00000000..8cfbd48a Binary files /dev/null and b/flowers/train/37/image_03781.jpg differ diff --git a/flowers/train/37/image_03782.jpg b/flowers/train/37/image_03782.jpg new file mode 100644 index 00000000..7065114d Binary files /dev/null and b/flowers/train/37/image_03782.jpg differ diff --git a/flowers/train/37/image_03784.jpg b/flowers/train/37/image_03784.jpg new file mode 100644 index 00000000..ee1a632b Binary files /dev/null and b/flowers/train/37/image_03784.jpg differ diff --git a/flowers/train/37/image_03786.jpg b/flowers/train/37/image_03786.jpg new file mode 100644 index 00000000..e0729e65 Binary files /dev/null and b/flowers/train/37/image_03786.jpg differ diff --git a/flowers/train/37/image_03787.jpg b/flowers/train/37/image_03787.jpg new file mode 100644 index 00000000..4e00a4df Binary files /dev/null and b/flowers/train/37/image_03787.jpg differ diff --git a/flowers/train/37/image_03788.jpg b/flowers/train/37/image_03788.jpg new file mode 100644 index 00000000..fe97bf53 Binary files /dev/null and b/flowers/train/37/image_03788.jpg differ diff --git a/flowers/train/37/image_03790.jpg b/flowers/train/37/image_03790.jpg new file mode 100644 index 00000000..4360ce71 Binary files /dev/null and b/flowers/train/37/image_03790.jpg differ diff --git a/flowers/train/37/image_03791.jpg b/flowers/train/37/image_03791.jpg new file mode 100644 index 00000000..1a07eff1 Binary files /dev/null and b/flowers/train/37/image_03791.jpg differ diff --git a/flowers/train/37/image_03792.jpg b/flowers/train/37/image_03792.jpg new file mode 100644 index 00000000..a8dc446f Binary files /dev/null and b/flowers/train/37/image_03792.jpg differ diff --git a/flowers/train/37/image_03793.jpg b/flowers/train/37/image_03793.jpg new file mode 100644 index 00000000..ad5b75dc Binary files /dev/null and b/flowers/train/37/image_03793.jpg differ diff --git a/flowers/train/37/image_03794.jpg b/flowers/train/37/image_03794.jpg new file mode 100644 index 00000000..f98c3139 Binary files /dev/null and b/flowers/train/37/image_03794.jpg differ diff --git a/flowers/train/37/image_03795.jpg b/flowers/train/37/image_03795.jpg new file mode 100644 index 00000000..42c3bb83 Binary files /dev/null and b/flowers/train/37/image_03795.jpg differ diff --git a/flowers/train/37/image_03796.jpg b/flowers/train/37/image_03796.jpg new file mode 100644 index 00000000..9dcdc753 Binary files /dev/null and b/flowers/train/37/image_03796.jpg differ diff --git a/flowers/train/37/image_03797.jpg b/flowers/train/37/image_03797.jpg new file mode 100644 index 00000000..0486b4e9 Binary files /dev/null and b/flowers/train/37/image_03797.jpg differ diff --git a/flowers/train/37/image_03798.jpg b/flowers/train/37/image_03798.jpg new file mode 100644 index 00000000..891234e1 Binary files /dev/null and b/flowers/train/37/image_03798.jpg differ diff --git a/flowers/train/37/image_03799.jpg b/flowers/train/37/image_03799.jpg new file mode 100644 index 00000000..3f434cb6 Binary files /dev/null and b/flowers/train/37/image_03799.jpg differ diff --git a/flowers/train/37/image_03800.jpg b/flowers/train/37/image_03800.jpg new file mode 100644 index 00000000..57ed1660 Binary files /dev/null and b/flowers/train/37/image_03800.jpg differ diff --git a/flowers/train/37/image_03801.jpg b/flowers/train/37/image_03801.jpg new file mode 100644 index 00000000..1830caf7 Binary files /dev/null and b/flowers/train/37/image_03801.jpg differ diff --git a/flowers/train/37/image_03802.jpg b/flowers/train/37/image_03802.jpg new file mode 100644 index 00000000..799c2b97 Binary files /dev/null and b/flowers/train/37/image_03802.jpg differ diff --git a/flowers/train/37/image_03803.jpg b/flowers/train/37/image_03803.jpg new file mode 100644 index 00000000..572d889b Binary files /dev/null and b/flowers/train/37/image_03803.jpg differ diff --git a/flowers/train/37/image_03804.jpg b/flowers/train/37/image_03804.jpg new file mode 100644 index 00000000..0df96bc8 Binary files /dev/null and b/flowers/train/37/image_03804.jpg differ diff --git a/flowers/train/37/image_03805.jpg b/flowers/train/37/image_03805.jpg new file mode 100644 index 00000000..2bc63e74 Binary files /dev/null and b/flowers/train/37/image_03805.jpg differ diff --git a/flowers/train/37/image_03806.jpg b/flowers/train/37/image_03806.jpg new file mode 100644 index 00000000..c0d46a53 Binary files /dev/null and b/flowers/train/37/image_03806.jpg differ diff --git a/flowers/train/37/image_03808.jpg b/flowers/train/37/image_03808.jpg new file mode 100644 index 00000000..0c7a33bc Binary files /dev/null and b/flowers/train/37/image_03808.jpg differ diff --git a/flowers/train/37/image_03809.jpg b/flowers/train/37/image_03809.jpg new file mode 100644 index 00000000..0c95d9b9 Binary files /dev/null and b/flowers/train/37/image_03809.jpg differ diff --git a/flowers/train/37/image_03812.jpg b/flowers/train/37/image_03812.jpg new file mode 100644 index 00000000..f401c867 Binary files /dev/null and b/flowers/train/37/image_03812.jpg differ diff --git a/flowers/train/37/image_03814.jpg b/flowers/train/37/image_03814.jpg new file mode 100644 index 00000000..84ebda60 Binary files /dev/null and b/flowers/train/37/image_03814.jpg differ diff --git a/flowers/train/37/image_03816.jpg b/flowers/train/37/image_03816.jpg new file mode 100644 index 00000000..1e86b8f3 Binary files /dev/null and b/flowers/train/37/image_03816.jpg differ diff --git a/flowers/train/37/image_03817.jpg b/flowers/train/37/image_03817.jpg new file mode 100644 index 00000000..3c55ef32 Binary files /dev/null and b/flowers/train/37/image_03817.jpg differ diff --git a/flowers/train/37/image_03818.jpg b/flowers/train/37/image_03818.jpg new file mode 100644 index 00000000..edf42037 Binary files /dev/null and b/flowers/train/37/image_03818.jpg differ diff --git a/flowers/train/37/image_03819.jpg b/flowers/train/37/image_03819.jpg new file mode 100644 index 00000000..4c7413f5 Binary files /dev/null and b/flowers/train/37/image_03819.jpg differ diff --git a/flowers/train/37/image_03823.jpg b/flowers/train/37/image_03823.jpg new file mode 100644 index 00000000..92db110d Binary files /dev/null and b/flowers/train/37/image_03823.jpg differ diff --git a/flowers/train/37/image_03824.jpg b/flowers/train/37/image_03824.jpg new file mode 100644 index 00000000..51e9d9b6 Binary files /dev/null and b/flowers/train/37/image_03824.jpg differ diff --git a/flowers/train/37/image_03825.jpg b/flowers/train/37/image_03825.jpg new file mode 100644 index 00000000..7bdd2139 Binary files /dev/null and b/flowers/train/37/image_03825.jpg differ diff --git a/flowers/train/37/image_03826.jpg b/flowers/train/37/image_03826.jpg new file mode 100644 index 00000000..d4391e3a Binary files /dev/null and b/flowers/train/37/image_03826.jpg differ diff --git a/flowers/train/37/image_03827.jpg b/flowers/train/37/image_03827.jpg new file mode 100644 index 00000000..1bc2d07b Binary files /dev/null and b/flowers/train/37/image_03827.jpg differ diff --git a/flowers/train/37/image_07285.jpg b/flowers/train/37/image_07285.jpg new file mode 100644 index 00000000..58321369 Binary files /dev/null and b/flowers/train/37/image_07285.jpg differ diff --git a/flowers/train/37/image_07286.jpg b/flowers/train/37/image_07286.jpg new file mode 100644 index 00000000..beb7261f Binary files /dev/null and b/flowers/train/37/image_07286.jpg differ diff --git a/flowers/train/37/image_07287.jpg b/flowers/train/37/image_07287.jpg new file mode 100644 index 00000000..cf965468 Binary files /dev/null and b/flowers/train/37/image_07287.jpg differ diff --git a/flowers/train/37/image_07288.jpg b/flowers/train/37/image_07288.jpg new file mode 100644 index 00000000..0e3b1e2c Binary files /dev/null and b/flowers/train/37/image_07288.jpg differ diff --git a/flowers/train/37/image_07289.jpg b/flowers/train/37/image_07289.jpg new file mode 100644 index 00000000..9c19b1e1 Binary files /dev/null and b/flowers/train/37/image_07289.jpg differ diff --git a/flowers/train/37/image_07290.jpg b/flowers/train/37/image_07290.jpg new file mode 100644 index 00000000..b9b81cbd Binary files /dev/null and b/flowers/train/37/image_07290.jpg differ diff --git a/flowers/train/37/image_07291.jpg b/flowers/train/37/image_07291.jpg new file mode 100644 index 00000000..93d28c33 Binary files /dev/null and b/flowers/train/37/image_07291.jpg differ diff --git a/flowers/train/37/image_07292.jpg b/flowers/train/37/image_07292.jpg new file mode 100644 index 00000000..5783c192 Binary files /dev/null and b/flowers/train/37/image_07292.jpg differ diff --git a/flowers/train/37/image_07293.jpg b/flowers/train/37/image_07293.jpg new file mode 100644 index 00000000..0a55a122 Binary files /dev/null and b/flowers/train/37/image_07293.jpg differ diff --git a/flowers/train/37/image_07294.jpg b/flowers/train/37/image_07294.jpg new file mode 100644 index 00000000..47a5616c Binary files /dev/null and b/flowers/train/37/image_07294.jpg differ diff --git a/flowers/train/37/image_07295.jpg b/flowers/train/37/image_07295.jpg new file mode 100644 index 00000000..4bcb7dff Binary files /dev/null and b/flowers/train/37/image_07295.jpg differ diff --git a/flowers/train/37/image_07296.jpg b/flowers/train/37/image_07296.jpg new file mode 100644 index 00000000..d143372c Binary files /dev/null and b/flowers/train/37/image_07296.jpg differ diff --git a/flowers/train/37/image_07297.jpg b/flowers/train/37/image_07297.jpg new file mode 100644 index 00000000..de7578d0 Binary files /dev/null and b/flowers/train/37/image_07297.jpg differ diff --git a/flowers/train/37/image_07298.jpg b/flowers/train/37/image_07298.jpg new file mode 100644 index 00000000..5f69181d Binary files /dev/null and b/flowers/train/37/image_07298.jpg differ diff --git a/flowers/train/38/image_05793.jpg b/flowers/train/38/image_05793.jpg new file mode 100644 index 00000000..832d2bf2 Binary files /dev/null and b/flowers/train/38/image_05793.jpg differ diff --git a/flowers/train/38/image_05794.jpg b/flowers/train/38/image_05794.jpg new file mode 100644 index 00000000..53cab1d8 Binary files /dev/null and b/flowers/train/38/image_05794.jpg differ diff --git a/flowers/train/38/image_05795.jpg b/flowers/train/38/image_05795.jpg new file mode 100644 index 00000000..5ea9ca16 Binary files /dev/null and b/flowers/train/38/image_05795.jpg differ diff --git a/flowers/train/38/image_05798.jpg b/flowers/train/38/image_05798.jpg new file mode 100644 index 00000000..7de2b05c Binary files /dev/null and b/flowers/train/38/image_05798.jpg differ diff --git a/flowers/train/38/image_05800.jpg b/flowers/train/38/image_05800.jpg new file mode 100644 index 00000000..a21af8c1 Binary files /dev/null and b/flowers/train/38/image_05800.jpg differ diff --git a/flowers/train/38/image_05801.jpg b/flowers/train/38/image_05801.jpg new file mode 100644 index 00000000..114da283 Binary files /dev/null and b/flowers/train/38/image_05801.jpg differ diff --git a/flowers/train/38/image_05802.jpg b/flowers/train/38/image_05802.jpg new file mode 100644 index 00000000..d68dd667 Binary files /dev/null and b/flowers/train/38/image_05802.jpg differ diff --git a/flowers/train/38/image_05803.jpg b/flowers/train/38/image_05803.jpg new file mode 100644 index 00000000..e647cce0 Binary files /dev/null and b/flowers/train/38/image_05803.jpg differ diff --git a/flowers/train/38/image_05804.jpg b/flowers/train/38/image_05804.jpg new file mode 100644 index 00000000..e897198c Binary files /dev/null and b/flowers/train/38/image_05804.jpg differ diff --git a/flowers/train/38/image_05805.jpg b/flowers/train/38/image_05805.jpg new file mode 100644 index 00000000..22f07904 Binary files /dev/null and b/flowers/train/38/image_05805.jpg differ diff --git a/flowers/train/38/image_05807.jpg b/flowers/train/38/image_05807.jpg new file mode 100644 index 00000000..4ac21e4d Binary files /dev/null and b/flowers/train/38/image_05807.jpg differ diff --git a/flowers/train/38/image_05808.jpg b/flowers/train/38/image_05808.jpg new file mode 100644 index 00000000..038115c8 Binary files /dev/null and b/flowers/train/38/image_05808.jpg differ diff --git a/flowers/train/38/image_05809.jpg b/flowers/train/38/image_05809.jpg new file mode 100644 index 00000000..0fbc19d9 Binary files /dev/null and b/flowers/train/38/image_05809.jpg differ diff --git a/flowers/train/38/image_05810.jpg b/flowers/train/38/image_05810.jpg new file mode 100644 index 00000000..bc2f11b1 Binary files /dev/null and b/flowers/train/38/image_05810.jpg differ diff --git a/flowers/train/38/image_05811.jpg b/flowers/train/38/image_05811.jpg new file mode 100644 index 00000000..f3d4b78c Binary files /dev/null and b/flowers/train/38/image_05811.jpg differ diff --git a/flowers/train/38/image_05813.jpg b/flowers/train/38/image_05813.jpg new file mode 100644 index 00000000..3f8675fd Binary files /dev/null and b/flowers/train/38/image_05813.jpg differ diff --git a/flowers/train/38/image_05814.jpg b/flowers/train/38/image_05814.jpg new file mode 100644 index 00000000..3c09a9d2 Binary files /dev/null and b/flowers/train/38/image_05814.jpg differ diff --git a/flowers/train/38/image_05815.jpg b/flowers/train/38/image_05815.jpg new file mode 100644 index 00000000..39b8c857 Binary files /dev/null and b/flowers/train/38/image_05815.jpg differ diff --git a/flowers/train/38/image_05816.jpg b/flowers/train/38/image_05816.jpg new file mode 100644 index 00000000..d3e7582c Binary files /dev/null and b/flowers/train/38/image_05816.jpg differ diff --git a/flowers/train/38/image_05817.jpg b/flowers/train/38/image_05817.jpg new file mode 100644 index 00000000..c60fe683 Binary files /dev/null and b/flowers/train/38/image_05817.jpg differ diff --git a/flowers/train/38/image_05818.jpg b/flowers/train/38/image_05818.jpg new file mode 100644 index 00000000..8f3faa99 Binary files /dev/null and b/flowers/train/38/image_05818.jpg differ diff --git a/flowers/train/38/image_05820.jpg b/flowers/train/38/image_05820.jpg new file mode 100644 index 00000000..047388d7 Binary files /dev/null and b/flowers/train/38/image_05820.jpg differ diff --git a/flowers/train/38/image_05821.jpg b/flowers/train/38/image_05821.jpg new file mode 100644 index 00000000..2f5e39a9 Binary files /dev/null and b/flowers/train/38/image_05821.jpg differ diff --git a/flowers/train/38/image_05822.jpg b/flowers/train/38/image_05822.jpg new file mode 100644 index 00000000..debf9989 Binary files /dev/null and b/flowers/train/38/image_05822.jpg differ diff --git a/flowers/train/38/image_05823.jpg b/flowers/train/38/image_05823.jpg new file mode 100644 index 00000000..a5a29c32 Binary files /dev/null and b/flowers/train/38/image_05823.jpg differ diff --git a/flowers/train/38/image_05826.jpg b/flowers/train/38/image_05826.jpg new file mode 100644 index 00000000..7902174d Binary files /dev/null and b/flowers/train/38/image_05826.jpg differ diff --git a/flowers/train/38/image_05827.jpg b/flowers/train/38/image_05827.jpg new file mode 100644 index 00000000..89391a5b Binary files /dev/null and b/flowers/train/38/image_05827.jpg differ diff --git a/flowers/train/38/image_05828.jpg b/flowers/train/38/image_05828.jpg new file mode 100644 index 00000000..411f4742 Binary files /dev/null and b/flowers/train/38/image_05828.jpg differ diff --git a/flowers/train/38/image_05831.jpg b/flowers/train/38/image_05831.jpg new file mode 100644 index 00000000..2762e875 Binary files /dev/null and b/flowers/train/38/image_05831.jpg differ diff --git a/flowers/train/38/image_05832.jpg b/flowers/train/38/image_05832.jpg new file mode 100644 index 00000000..228054b1 Binary files /dev/null and b/flowers/train/38/image_05832.jpg differ diff --git a/flowers/train/38/image_05834.jpg b/flowers/train/38/image_05834.jpg new file mode 100644 index 00000000..27545b9d Binary files /dev/null and b/flowers/train/38/image_05834.jpg differ diff --git a/flowers/train/38/image_05835.jpg b/flowers/train/38/image_05835.jpg new file mode 100644 index 00000000..1d63168f Binary files /dev/null and b/flowers/train/38/image_05835.jpg differ diff --git a/flowers/train/38/image_05836.jpg b/flowers/train/38/image_05836.jpg new file mode 100644 index 00000000..1db4dee1 Binary files /dev/null and b/flowers/train/38/image_05836.jpg differ diff --git a/flowers/train/38/image_05837.jpg b/flowers/train/38/image_05837.jpg new file mode 100644 index 00000000..a39fc1b0 Binary files /dev/null and b/flowers/train/38/image_05837.jpg differ diff --git a/flowers/train/38/image_05838.jpg b/flowers/train/38/image_05838.jpg new file mode 100644 index 00000000..dd78165f Binary files /dev/null and b/flowers/train/38/image_05838.jpg differ diff --git a/flowers/train/38/image_05839.jpg b/flowers/train/38/image_05839.jpg new file mode 100644 index 00000000..98678c1b Binary files /dev/null and b/flowers/train/38/image_05839.jpg differ diff --git a/flowers/train/38/image_05840.jpg b/flowers/train/38/image_05840.jpg new file mode 100644 index 00000000..6c092525 Binary files /dev/null and b/flowers/train/38/image_05840.jpg differ diff --git a/flowers/train/38/image_05841.jpg b/flowers/train/38/image_05841.jpg new file mode 100644 index 00000000..1924ffff Binary files /dev/null and b/flowers/train/38/image_05841.jpg differ diff --git a/flowers/train/38/image_05842.jpg b/flowers/train/38/image_05842.jpg new file mode 100644 index 00000000..f33c8845 Binary files /dev/null and b/flowers/train/38/image_05842.jpg differ diff --git a/flowers/train/38/image_05843.jpg b/flowers/train/38/image_05843.jpg new file mode 100644 index 00000000..c4629c3d Binary files /dev/null and b/flowers/train/38/image_05843.jpg differ diff --git a/flowers/train/38/image_05844.jpg b/flowers/train/38/image_05844.jpg new file mode 100644 index 00000000..52688b6b Binary files /dev/null and b/flowers/train/38/image_05844.jpg differ diff --git a/flowers/train/38/image_05846.jpg b/flowers/train/38/image_05846.jpg new file mode 100644 index 00000000..42005a75 Binary files /dev/null and b/flowers/train/38/image_05846.jpg differ diff --git a/flowers/train/38/image_05847.jpg b/flowers/train/38/image_05847.jpg new file mode 100644 index 00000000..11979dff Binary files /dev/null and b/flowers/train/38/image_05847.jpg differ diff --git a/flowers/train/38/image_05848.jpg b/flowers/train/38/image_05848.jpg new file mode 100644 index 00000000..6c3210f2 Binary files /dev/null and b/flowers/train/38/image_05848.jpg differ diff --git a/flowers/train/39/image_07007.jpg b/flowers/train/39/image_07007.jpg new file mode 100644 index 00000000..48c29f40 Binary files /dev/null and b/flowers/train/39/image_07007.jpg differ diff --git a/flowers/train/39/image_07008.jpg b/flowers/train/39/image_07008.jpg new file mode 100644 index 00000000..8eb7a4e6 Binary files /dev/null and b/flowers/train/39/image_07008.jpg differ diff --git a/flowers/train/39/image_07009.jpg b/flowers/train/39/image_07009.jpg new file mode 100644 index 00000000..3e001a96 Binary files /dev/null and b/flowers/train/39/image_07009.jpg differ diff --git a/flowers/train/39/image_07011.jpg b/flowers/train/39/image_07011.jpg new file mode 100644 index 00000000..744cd76c Binary files /dev/null and b/flowers/train/39/image_07011.jpg differ diff --git a/flowers/train/39/image_07012.jpg b/flowers/train/39/image_07012.jpg new file mode 100644 index 00000000..64589b79 Binary files /dev/null and b/flowers/train/39/image_07012.jpg differ diff --git a/flowers/train/39/image_07014.jpg b/flowers/train/39/image_07014.jpg new file mode 100644 index 00000000..1de4db98 Binary files /dev/null and b/flowers/train/39/image_07014.jpg differ diff --git a/flowers/train/39/image_07015.jpg b/flowers/train/39/image_07015.jpg new file mode 100644 index 00000000..31c00dd5 Binary files /dev/null and b/flowers/train/39/image_07015.jpg differ diff --git a/flowers/train/39/image_07017.jpg b/flowers/train/39/image_07017.jpg new file mode 100644 index 00000000..eb7c63f1 Binary files /dev/null and b/flowers/train/39/image_07017.jpg differ diff --git a/flowers/train/39/image_07019.jpg b/flowers/train/39/image_07019.jpg new file mode 100644 index 00000000..ebf71708 Binary files /dev/null and b/flowers/train/39/image_07019.jpg differ diff --git a/flowers/train/39/image_07020.jpg b/flowers/train/39/image_07020.jpg new file mode 100644 index 00000000..63cbd951 Binary files /dev/null and b/flowers/train/39/image_07020.jpg differ diff --git a/flowers/train/39/image_07021.jpg b/flowers/train/39/image_07021.jpg new file mode 100644 index 00000000..7ee635bc Binary files /dev/null and b/flowers/train/39/image_07021.jpg differ diff --git a/flowers/train/39/image_07022.jpg b/flowers/train/39/image_07022.jpg new file mode 100644 index 00000000..4985f156 Binary files /dev/null and b/flowers/train/39/image_07022.jpg differ diff --git a/flowers/train/39/image_07023.jpg b/flowers/train/39/image_07023.jpg new file mode 100644 index 00000000..e7db9dd2 Binary files /dev/null and b/flowers/train/39/image_07023.jpg differ diff --git a/flowers/train/39/image_07024.jpg b/flowers/train/39/image_07024.jpg new file mode 100644 index 00000000..7aaaf90d Binary files /dev/null and b/flowers/train/39/image_07024.jpg differ diff --git a/flowers/train/39/image_07025.jpg b/flowers/train/39/image_07025.jpg new file mode 100644 index 00000000..10f27200 Binary files /dev/null and b/flowers/train/39/image_07025.jpg differ diff --git a/flowers/train/39/image_07026.jpg b/flowers/train/39/image_07026.jpg new file mode 100644 index 00000000..771ccab9 Binary files /dev/null and b/flowers/train/39/image_07026.jpg differ diff --git a/flowers/train/39/image_07027.jpg b/flowers/train/39/image_07027.jpg new file mode 100644 index 00000000..3c7f475d Binary files /dev/null and b/flowers/train/39/image_07027.jpg differ diff --git a/flowers/train/39/image_07028.jpg b/flowers/train/39/image_07028.jpg new file mode 100644 index 00000000..c53050c5 Binary files /dev/null and b/flowers/train/39/image_07028.jpg differ diff --git a/flowers/train/39/image_07029.jpg b/flowers/train/39/image_07029.jpg new file mode 100644 index 00000000..e04cc533 Binary files /dev/null and b/flowers/train/39/image_07029.jpg differ diff --git a/flowers/train/39/image_07030.jpg b/flowers/train/39/image_07030.jpg new file mode 100644 index 00000000..0bc2d32c Binary files /dev/null and b/flowers/train/39/image_07030.jpg differ diff --git a/flowers/train/39/image_07031.jpg b/flowers/train/39/image_07031.jpg new file mode 100644 index 00000000..4bf55b05 Binary files /dev/null and b/flowers/train/39/image_07031.jpg differ diff --git a/flowers/train/39/image_07032.jpg b/flowers/train/39/image_07032.jpg new file mode 100644 index 00000000..6af843c2 Binary files /dev/null and b/flowers/train/39/image_07032.jpg differ diff --git a/flowers/train/39/image_07033.jpg b/flowers/train/39/image_07033.jpg new file mode 100644 index 00000000..e96937e6 Binary files /dev/null and b/flowers/train/39/image_07033.jpg differ diff --git a/flowers/train/39/image_07034.jpg b/flowers/train/39/image_07034.jpg new file mode 100644 index 00000000..e245093c Binary files /dev/null and b/flowers/train/39/image_07034.jpg differ diff --git a/flowers/train/39/image_07037.jpg b/flowers/train/39/image_07037.jpg new file mode 100644 index 00000000..275fdca8 Binary files /dev/null and b/flowers/train/39/image_07037.jpg differ diff --git a/flowers/train/39/image_07038.jpg b/flowers/train/39/image_07038.jpg new file mode 100644 index 00000000..321f2076 Binary files /dev/null and b/flowers/train/39/image_07038.jpg differ diff --git a/flowers/train/39/image_07040.jpg b/flowers/train/39/image_07040.jpg new file mode 100644 index 00000000..06816ed0 Binary files /dev/null and b/flowers/train/39/image_07040.jpg differ diff --git a/flowers/train/39/image_07041.jpg b/flowers/train/39/image_07041.jpg new file mode 100644 index 00000000..0cdd6fb8 Binary files /dev/null and b/flowers/train/39/image_07041.jpg differ diff --git a/flowers/train/39/image_07042.jpg b/flowers/train/39/image_07042.jpg new file mode 100644 index 00000000..25775ab3 Binary files /dev/null and b/flowers/train/39/image_07042.jpg differ diff --git a/flowers/train/39/image_07044.jpg b/flowers/train/39/image_07044.jpg new file mode 100644 index 00000000..baea147f Binary files /dev/null and b/flowers/train/39/image_07044.jpg differ diff --git a/flowers/train/39/image_07045.jpg b/flowers/train/39/image_07045.jpg new file mode 100644 index 00000000..5af00653 Binary files /dev/null and b/flowers/train/39/image_07045.jpg differ diff --git a/flowers/train/39/image_08080.jpg b/flowers/train/39/image_08080.jpg new file mode 100644 index 00000000..6bcadead Binary files /dev/null and b/flowers/train/39/image_08080.jpg differ diff --git a/flowers/train/39/image_08081.jpg b/flowers/train/39/image_08081.jpg new file mode 100644 index 00000000..b22e1f6e Binary files /dev/null and b/flowers/train/39/image_08081.jpg differ diff --git a/flowers/train/4/image_05629.jpg b/flowers/train/4/image_05629.jpg new file mode 100644 index 00000000..60698f2d Binary files /dev/null and b/flowers/train/4/image_05629.jpg differ diff --git a/flowers/train/4/image_05630.jpg b/flowers/train/4/image_05630.jpg new file mode 100644 index 00000000..b1f51823 Binary files /dev/null and b/flowers/train/4/image_05630.jpg differ diff --git a/flowers/train/4/image_05631.jpg b/flowers/train/4/image_05631.jpg new file mode 100644 index 00000000..1b247ddb Binary files /dev/null and b/flowers/train/4/image_05631.jpg differ diff --git a/flowers/train/4/image_05632.jpg b/flowers/train/4/image_05632.jpg new file mode 100644 index 00000000..8470d0d6 Binary files /dev/null and b/flowers/train/4/image_05632.jpg differ diff --git a/flowers/train/4/image_05633.jpg b/flowers/train/4/image_05633.jpg new file mode 100644 index 00000000..d4f865e4 Binary files /dev/null and b/flowers/train/4/image_05633.jpg differ diff --git a/flowers/train/4/image_05634.jpg b/flowers/train/4/image_05634.jpg new file mode 100644 index 00000000..624a67ce Binary files /dev/null and b/flowers/train/4/image_05634.jpg differ diff --git a/flowers/train/4/image_05635.jpg b/flowers/train/4/image_05635.jpg new file mode 100644 index 00000000..4724b4a4 Binary files /dev/null and b/flowers/train/4/image_05635.jpg differ diff --git a/flowers/train/4/image_05639.jpg b/flowers/train/4/image_05639.jpg new file mode 100644 index 00000000..24f37879 Binary files /dev/null and b/flowers/train/4/image_05639.jpg differ diff --git a/flowers/train/4/image_05641.jpg b/flowers/train/4/image_05641.jpg new file mode 100644 index 00000000..cd855cf1 Binary files /dev/null and b/flowers/train/4/image_05641.jpg differ diff --git a/flowers/train/4/image_05642.jpg b/flowers/train/4/image_05642.jpg new file mode 100644 index 00000000..df4e5e31 Binary files /dev/null and b/flowers/train/4/image_05642.jpg differ diff --git a/flowers/train/4/image_05643.jpg b/flowers/train/4/image_05643.jpg new file mode 100644 index 00000000..de177c0d Binary files /dev/null and b/flowers/train/4/image_05643.jpg differ diff --git a/flowers/train/4/image_05644.jpg b/flowers/train/4/image_05644.jpg new file mode 100644 index 00000000..817092dc Binary files /dev/null and b/flowers/train/4/image_05644.jpg differ diff --git a/flowers/train/4/image_05645.jpg b/flowers/train/4/image_05645.jpg new file mode 100644 index 00000000..5fd833e9 Binary files /dev/null and b/flowers/train/4/image_05645.jpg differ diff --git a/flowers/train/4/image_05646.jpg b/flowers/train/4/image_05646.jpg new file mode 100644 index 00000000..b93ae230 Binary files /dev/null and b/flowers/train/4/image_05646.jpg differ diff --git a/flowers/train/4/image_05647.jpg b/flowers/train/4/image_05647.jpg new file mode 100644 index 00000000..9d688c8b Binary files /dev/null and b/flowers/train/4/image_05647.jpg differ diff --git a/flowers/train/4/image_05648.jpg b/flowers/train/4/image_05648.jpg new file mode 100644 index 00000000..85b0aab1 Binary files /dev/null and b/flowers/train/4/image_05648.jpg differ diff --git a/flowers/train/4/image_05649.jpg b/flowers/train/4/image_05649.jpg new file mode 100644 index 00000000..2e11bb74 Binary files /dev/null and b/flowers/train/4/image_05649.jpg differ diff --git a/flowers/train/4/image_05650.jpg b/flowers/train/4/image_05650.jpg new file mode 100644 index 00000000..2ef71779 Binary files /dev/null and b/flowers/train/4/image_05650.jpg differ diff --git a/flowers/train/4/image_05651.jpg b/flowers/train/4/image_05651.jpg new file mode 100644 index 00000000..97b6431e Binary files /dev/null and b/flowers/train/4/image_05651.jpg differ diff --git a/flowers/train/4/image_05652.jpg b/flowers/train/4/image_05652.jpg new file mode 100644 index 00000000..b0ceea3a Binary files /dev/null and b/flowers/train/4/image_05652.jpg differ diff --git a/flowers/train/4/image_05654.jpg b/flowers/train/4/image_05654.jpg new file mode 100644 index 00000000..b9945fda Binary files /dev/null and b/flowers/train/4/image_05654.jpg differ diff --git a/flowers/train/4/image_05655.jpg b/flowers/train/4/image_05655.jpg new file mode 100644 index 00000000..c07baa62 Binary files /dev/null and b/flowers/train/4/image_05655.jpg differ diff --git a/flowers/train/4/image_05656.jpg b/flowers/train/4/image_05656.jpg new file mode 100644 index 00000000..76ae2868 Binary files /dev/null and b/flowers/train/4/image_05656.jpg differ diff --git a/flowers/train/4/image_05659.jpg b/flowers/train/4/image_05659.jpg new file mode 100644 index 00000000..85208e39 Binary files /dev/null and b/flowers/train/4/image_05659.jpg differ diff --git a/flowers/train/4/image_05661.jpg b/flowers/train/4/image_05661.jpg new file mode 100644 index 00000000..aae2d13c Binary files /dev/null and b/flowers/train/4/image_05661.jpg differ diff --git a/flowers/train/4/image_05662.jpg b/flowers/train/4/image_05662.jpg new file mode 100644 index 00000000..12f1d8eb Binary files /dev/null and b/flowers/train/4/image_05662.jpg differ diff --git a/flowers/train/4/image_05663.jpg b/flowers/train/4/image_05663.jpg new file mode 100644 index 00000000..df00e233 Binary files /dev/null and b/flowers/train/4/image_05663.jpg differ diff --git a/flowers/train/4/image_05664.jpg b/flowers/train/4/image_05664.jpg new file mode 100644 index 00000000..9e40c89a Binary files /dev/null and b/flowers/train/4/image_05664.jpg differ diff --git a/flowers/train/4/image_05665.jpg b/flowers/train/4/image_05665.jpg new file mode 100644 index 00000000..e3bf41b2 Binary files /dev/null and b/flowers/train/4/image_05665.jpg differ diff --git a/flowers/train/4/image_05666.jpg b/flowers/train/4/image_05666.jpg new file mode 100644 index 00000000..225e3e28 Binary files /dev/null and b/flowers/train/4/image_05666.jpg differ diff --git a/flowers/train/4/image_05667.jpg b/flowers/train/4/image_05667.jpg new file mode 100644 index 00000000..edffe5f4 Binary files /dev/null and b/flowers/train/4/image_05667.jpg differ diff --git a/flowers/train/4/image_05668.jpg b/flowers/train/4/image_05668.jpg new file mode 100644 index 00000000..2f549b87 Binary files /dev/null and b/flowers/train/4/image_05668.jpg differ diff --git a/flowers/train/4/image_05669.jpg b/flowers/train/4/image_05669.jpg new file mode 100644 index 00000000..51f08a00 Binary files /dev/null and b/flowers/train/4/image_05669.jpg differ diff --git a/flowers/train/4/image_05670.jpg b/flowers/train/4/image_05670.jpg new file mode 100644 index 00000000..cef1b509 Binary files /dev/null and b/flowers/train/4/image_05670.jpg differ diff --git a/flowers/train/4/image_05671.jpg b/flowers/train/4/image_05671.jpg new file mode 100644 index 00000000..f88f51d4 Binary files /dev/null and b/flowers/train/4/image_05671.jpg differ diff --git a/flowers/train/4/image_05672.jpg b/flowers/train/4/image_05672.jpg new file mode 100644 index 00000000..8ff8902f Binary files /dev/null and b/flowers/train/4/image_05672.jpg differ diff --git a/flowers/train/4/image_05673.jpg b/flowers/train/4/image_05673.jpg new file mode 100644 index 00000000..f1da0049 Binary files /dev/null and b/flowers/train/4/image_05673.jpg differ diff --git a/flowers/train/4/image_05674.jpg b/flowers/train/4/image_05674.jpg new file mode 100644 index 00000000..847ddbcc Binary files /dev/null and b/flowers/train/4/image_05674.jpg differ diff --git a/flowers/train/4/image_05675.jpg b/flowers/train/4/image_05675.jpg new file mode 100644 index 00000000..291cb920 Binary files /dev/null and b/flowers/train/4/image_05675.jpg differ diff --git a/flowers/train/4/image_05676.jpg b/flowers/train/4/image_05676.jpg new file mode 100644 index 00000000..339be736 Binary files /dev/null and b/flowers/train/4/image_05676.jpg differ diff --git a/flowers/train/4/image_05679.jpg b/flowers/train/4/image_05679.jpg new file mode 100644 index 00000000..5bdf401d Binary files /dev/null and b/flowers/train/4/image_05679.jpg differ diff --git a/flowers/train/4/image_05682.jpg b/flowers/train/4/image_05682.jpg new file mode 100644 index 00000000..6b626d6e Binary files /dev/null and b/flowers/train/4/image_05682.jpg differ diff --git a/flowers/train/4/image_05683.jpg b/flowers/train/4/image_05683.jpg new file mode 100644 index 00000000..eaae42a7 Binary files /dev/null and b/flowers/train/4/image_05683.jpg differ diff --git a/flowers/train/4/image_05684.jpg b/flowers/train/4/image_05684.jpg new file mode 100644 index 00000000..577335ae Binary files /dev/null and b/flowers/train/4/image_05684.jpg differ diff --git a/flowers/train/40/image_04558.jpg b/flowers/train/40/image_04558.jpg new file mode 100644 index 00000000..c64e3682 Binary files /dev/null and b/flowers/train/40/image_04558.jpg differ diff --git a/flowers/train/40/image_04559.jpg b/flowers/train/40/image_04559.jpg new file mode 100644 index 00000000..42948ec2 Binary files /dev/null and b/flowers/train/40/image_04559.jpg differ diff --git a/flowers/train/40/image_04560.jpg b/flowers/train/40/image_04560.jpg new file mode 100644 index 00000000..96e73cfe Binary files /dev/null and b/flowers/train/40/image_04560.jpg differ diff --git a/flowers/train/40/image_04561.jpg b/flowers/train/40/image_04561.jpg new file mode 100644 index 00000000..b2e641c3 Binary files /dev/null and b/flowers/train/40/image_04561.jpg differ diff --git a/flowers/train/40/image_04562.jpg b/flowers/train/40/image_04562.jpg new file mode 100644 index 00000000..7c8af51c Binary files /dev/null and b/flowers/train/40/image_04562.jpg differ diff --git a/flowers/train/40/image_04564.jpg b/flowers/train/40/image_04564.jpg new file mode 100644 index 00000000..d94fc88e Binary files /dev/null and b/flowers/train/40/image_04564.jpg differ diff --git a/flowers/train/40/image_04565.jpg b/flowers/train/40/image_04565.jpg new file mode 100644 index 00000000..31007384 Binary files /dev/null and b/flowers/train/40/image_04565.jpg differ diff --git a/flowers/train/40/image_04566.jpg b/flowers/train/40/image_04566.jpg new file mode 100644 index 00000000..de26da9e Binary files /dev/null and b/flowers/train/40/image_04566.jpg differ diff --git a/flowers/train/40/image_04567.jpg b/flowers/train/40/image_04567.jpg new file mode 100644 index 00000000..164d3bdd Binary files /dev/null and b/flowers/train/40/image_04567.jpg differ diff --git a/flowers/train/40/image_04569.jpg b/flowers/train/40/image_04569.jpg new file mode 100644 index 00000000..492543bf Binary files /dev/null and b/flowers/train/40/image_04569.jpg differ diff --git a/flowers/train/40/image_04570.jpg b/flowers/train/40/image_04570.jpg new file mode 100644 index 00000000..8f2233b8 Binary files /dev/null and b/flowers/train/40/image_04570.jpg differ diff --git a/flowers/train/40/image_04571.jpg b/flowers/train/40/image_04571.jpg new file mode 100644 index 00000000..caf6e9f8 Binary files /dev/null and b/flowers/train/40/image_04571.jpg differ diff --git a/flowers/train/40/image_04572.jpg b/flowers/train/40/image_04572.jpg new file mode 100644 index 00000000..78ccb23a Binary files /dev/null and b/flowers/train/40/image_04572.jpg differ diff --git a/flowers/train/40/image_04574.jpg b/flowers/train/40/image_04574.jpg new file mode 100644 index 00000000..0fc59971 Binary files /dev/null and b/flowers/train/40/image_04574.jpg differ diff --git a/flowers/train/40/image_04575.jpg b/flowers/train/40/image_04575.jpg new file mode 100644 index 00000000..c3f5fd7c Binary files /dev/null and b/flowers/train/40/image_04575.jpg differ diff --git a/flowers/train/40/image_04576.jpg b/flowers/train/40/image_04576.jpg new file mode 100644 index 00000000..33d27926 Binary files /dev/null and b/flowers/train/40/image_04576.jpg differ diff --git a/flowers/train/40/image_04577.jpg b/flowers/train/40/image_04577.jpg new file mode 100644 index 00000000..e3a8a29a Binary files /dev/null and b/flowers/train/40/image_04577.jpg differ diff --git a/flowers/train/40/image_04580.jpg b/flowers/train/40/image_04580.jpg new file mode 100644 index 00000000..08dd7290 Binary files /dev/null and b/flowers/train/40/image_04580.jpg differ diff --git a/flowers/train/40/image_04581.jpg b/flowers/train/40/image_04581.jpg new file mode 100644 index 00000000..a19d41d9 Binary files /dev/null and b/flowers/train/40/image_04581.jpg differ diff --git a/flowers/train/40/image_04583.jpg b/flowers/train/40/image_04583.jpg new file mode 100644 index 00000000..dac482b1 Binary files /dev/null and b/flowers/train/40/image_04583.jpg differ diff --git a/flowers/train/40/image_04585.jpg b/flowers/train/40/image_04585.jpg new file mode 100644 index 00000000..84276128 Binary files /dev/null and b/flowers/train/40/image_04585.jpg differ diff --git a/flowers/train/40/image_04589.jpg b/flowers/train/40/image_04589.jpg new file mode 100644 index 00000000..9bc59c46 Binary files /dev/null and b/flowers/train/40/image_04589.jpg differ diff --git a/flowers/train/40/image_04590.jpg b/flowers/train/40/image_04590.jpg new file mode 100644 index 00000000..3397390b Binary files /dev/null and b/flowers/train/40/image_04590.jpg differ diff --git a/flowers/train/40/image_04591.jpg b/flowers/train/40/image_04591.jpg new file mode 100644 index 00000000..53bbdb13 Binary files /dev/null and b/flowers/train/40/image_04591.jpg differ diff --git a/flowers/train/40/image_04592.jpg b/flowers/train/40/image_04592.jpg new file mode 100644 index 00000000..38872d90 Binary files /dev/null and b/flowers/train/40/image_04592.jpg differ diff --git a/flowers/train/40/image_04593.jpg b/flowers/train/40/image_04593.jpg new file mode 100644 index 00000000..702cab47 Binary files /dev/null and b/flowers/train/40/image_04593.jpg differ diff --git a/flowers/train/40/image_04594.jpg b/flowers/train/40/image_04594.jpg new file mode 100644 index 00000000..ba559ded Binary files /dev/null and b/flowers/train/40/image_04594.jpg differ diff --git a/flowers/train/40/image_04595.jpg b/flowers/train/40/image_04595.jpg new file mode 100644 index 00000000..4bcadce1 Binary files /dev/null and b/flowers/train/40/image_04595.jpg differ diff --git a/flowers/train/40/image_04597.jpg b/flowers/train/40/image_04597.jpg new file mode 100644 index 00000000..cfffd5b4 Binary files /dev/null and b/flowers/train/40/image_04597.jpg differ diff --git a/flowers/train/40/image_04598.jpg b/flowers/train/40/image_04598.jpg new file mode 100644 index 00000000..6d8a92a8 Binary files /dev/null and b/flowers/train/40/image_04598.jpg differ diff --git a/flowers/train/40/image_04599.jpg b/flowers/train/40/image_04599.jpg new file mode 100644 index 00000000..264fd37d Binary files /dev/null and b/flowers/train/40/image_04599.jpg differ diff --git a/flowers/train/40/image_04600.jpg b/flowers/train/40/image_04600.jpg new file mode 100644 index 00000000..28c54090 Binary files /dev/null and b/flowers/train/40/image_04600.jpg differ diff --git a/flowers/train/40/image_04601.jpg b/flowers/train/40/image_04601.jpg new file mode 100644 index 00000000..1cd0e3c7 Binary files /dev/null and b/flowers/train/40/image_04601.jpg differ diff --git a/flowers/train/40/image_04602.jpg b/flowers/train/40/image_04602.jpg new file mode 100644 index 00000000..b4a1e88e Binary files /dev/null and b/flowers/train/40/image_04602.jpg differ diff --git a/flowers/train/40/image_04603.jpg b/flowers/train/40/image_04603.jpg new file mode 100644 index 00000000..4343a255 Binary files /dev/null and b/flowers/train/40/image_04603.jpg differ diff --git a/flowers/train/40/image_04604.jpg b/flowers/train/40/image_04604.jpg new file mode 100644 index 00000000..bb2738c0 Binary files /dev/null and b/flowers/train/40/image_04604.jpg differ diff --git a/flowers/train/40/image_04605.jpg b/flowers/train/40/image_04605.jpg new file mode 100644 index 00000000..3e94d1f2 Binary files /dev/null and b/flowers/train/40/image_04605.jpg differ diff --git a/flowers/train/40/image_04606.jpg b/flowers/train/40/image_04606.jpg new file mode 100644 index 00000000..9b32e1f2 Binary files /dev/null and b/flowers/train/40/image_04606.jpg differ diff --git a/flowers/train/40/image_04607.jpg b/flowers/train/40/image_04607.jpg new file mode 100644 index 00000000..f83bb42a Binary files /dev/null and b/flowers/train/40/image_04607.jpg differ diff --git a/flowers/train/40/image_04610.jpg b/flowers/train/40/image_04610.jpg new file mode 100644 index 00000000..4000613b Binary files /dev/null and b/flowers/train/40/image_04610.jpg differ diff --git a/flowers/train/40/image_04611.jpg b/flowers/train/40/image_04611.jpg new file mode 100644 index 00000000..44c29953 Binary files /dev/null and b/flowers/train/40/image_04611.jpg differ diff --git a/flowers/train/40/image_04612.jpg b/flowers/train/40/image_04612.jpg new file mode 100644 index 00000000..0cca0777 Binary files /dev/null and b/flowers/train/40/image_04612.jpg differ diff --git a/flowers/train/40/image_04613.jpg b/flowers/train/40/image_04613.jpg new file mode 100644 index 00000000..11eb7bfa Binary files /dev/null and b/flowers/train/40/image_04613.jpg differ diff --git a/flowers/train/40/image_04614.jpg b/flowers/train/40/image_04614.jpg new file mode 100644 index 00000000..06341a44 Binary files /dev/null and b/flowers/train/40/image_04614.jpg differ diff --git a/flowers/train/40/image_04615.jpg b/flowers/train/40/image_04615.jpg new file mode 100644 index 00000000..eb7ddb4f Binary files /dev/null and b/flowers/train/40/image_04615.jpg differ diff --git a/flowers/train/40/image_04616.jpg b/flowers/train/40/image_04616.jpg new file mode 100644 index 00000000..bbce37f8 Binary files /dev/null and b/flowers/train/40/image_04616.jpg differ diff --git a/flowers/train/40/image_04617.jpg b/flowers/train/40/image_04617.jpg new file mode 100644 index 00000000..2993db03 Binary files /dev/null and b/flowers/train/40/image_04617.jpg differ diff --git a/flowers/train/40/image_04618.jpg b/flowers/train/40/image_04618.jpg new file mode 100644 index 00000000..249f1743 Binary files /dev/null and b/flowers/train/40/image_04618.jpg differ diff --git a/flowers/train/40/image_04619.jpg b/flowers/train/40/image_04619.jpg new file mode 100644 index 00000000..eca23c6c Binary files /dev/null and b/flowers/train/40/image_04619.jpg differ diff --git a/flowers/train/40/image_04620.jpg b/flowers/train/40/image_04620.jpg new file mode 100644 index 00000000..39479f03 Binary files /dev/null and b/flowers/train/40/image_04620.jpg differ diff --git a/flowers/train/40/image_04621.jpg b/flowers/train/40/image_04621.jpg new file mode 100644 index 00000000..d377ab77 Binary files /dev/null and b/flowers/train/40/image_04621.jpg differ diff --git a/flowers/train/40/image_04622.jpg b/flowers/train/40/image_04622.jpg new file mode 100644 index 00000000..f6e224c1 Binary files /dev/null and b/flowers/train/40/image_04622.jpg differ diff --git a/flowers/train/40/image_04623.jpg b/flowers/train/40/image_04623.jpg new file mode 100644 index 00000000..8f213f6e Binary files /dev/null and b/flowers/train/40/image_04623.jpg differ diff --git a/flowers/train/40/image_04624.jpg b/flowers/train/40/image_04624.jpg new file mode 100644 index 00000000..6ab788d3 Binary files /dev/null and b/flowers/train/40/image_04624.jpg differ diff --git a/flowers/train/41/image_02189.jpg b/flowers/train/41/image_02189.jpg new file mode 100644 index 00000000..daef2557 Binary files /dev/null and b/flowers/train/41/image_02189.jpg differ diff --git a/flowers/train/41/image_02190.jpg b/flowers/train/41/image_02190.jpg new file mode 100644 index 00000000..40812941 Binary files /dev/null and b/flowers/train/41/image_02190.jpg differ diff --git a/flowers/train/41/image_02191.jpg b/flowers/train/41/image_02191.jpg new file mode 100644 index 00000000..c24464f9 Binary files /dev/null and b/flowers/train/41/image_02191.jpg differ diff --git a/flowers/train/41/image_02192.jpg b/flowers/train/41/image_02192.jpg new file mode 100644 index 00000000..b88af9f9 Binary files /dev/null and b/flowers/train/41/image_02192.jpg differ diff --git a/flowers/train/41/image_02194.jpg b/flowers/train/41/image_02194.jpg new file mode 100644 index 00000000..25216fb3 Binary files /dev/null and b/flowers/train/41/image_02194.jpg differ diff --git a/flowers/train/41/image_02195.jpg b/flowers/train/41/image_02195.jpg new file mode 100644 index 00000000..a3827d0e Binary files /dev/null and b/flowers/train/41/image_02195.jpg differ diff --git a/flowers/train/41/image_02196.jpg b/flowers/train/41/image_02196.jpg new file mode 100644 index 00000000..0f454a60 Binary files /dev/null and b/flowers/train/41/image_02196.jpg differ diff --git a/flowers/train/41/image_02197.jpg b/flowers/train/41/image_02197.jpg new file mode 100644 index 00000000..e02fc9ef Binary files /dev/null and b/flowers/train/41/image_02197.jpg differ diff --git a/flowers/train/41/image_02202.jpg b/flowers/train/41/image_02202.jpg new file mode 100644 index 00000000..7cd19cf2 Binary files /dev/null and b/flowers/train/41/image_02202.jpg differ diff --git a/flowers/train/41/image_02203.jpg b/flowers/train/41/image_02203.jpg new file mode 100644 index 00000000..15556747 Binary files /dev/null and b/flowers/train/41/image_02203.jpg differ diff --git a/flowers/train/41/image_02204.jpg b/flowers/train/41/image_02204.jpg new file mode 100644 index 00000000..c3132dba Binary files /dev/null and b/flowers/train/41/image_02204.jpg differ diff --git a/flowers/train/41/image_02206.jpg b/flowers/train/41/image_02206.jpg new file mode 100644 index 00000000..5b8d0097 Binary files /dev/null and b/flowers/train/41/image_02206.jpg differ diff --git a/flowers/train/41/image_02207.jpg b/flowers/train/41/image_02207.jpg new file mode 100644 index 00000000..b9209ec8 Binary files /dev/null and b/flowers/train/41/image_02207.jpg differ diff --git a/flowers/train/41/image_02208.jpg b/flowers/train/41/image_02208.jpg new file mode 100644 index 00000000..63958aac Binary files /dev/null and b/flowers/train/41/image_02208.jpg differ diff --git a/flowers/train/41/image_02209.jpg b/flowers/train/41/image_02209.jpg new file mode 100644 index 00000000..23c404f6 Binary files /dev/null and b/flowers/train/41/image_02209.jpg differ diff --git a/flowers/train/41/image_02210.jpg b/flowers/train/41/image_02210.jpg new file mode 100644 index 00000000..b9386d0e Binary files /dev/null and b/flowers/train/41/image_02210.jpg differ diff --git a/flowers/train/41/image_02211.jpg b/flowers/train/41/image_02211.jpg new file mode 100644 index 00000000..16dd5840 Binary files /dev/null and b/flowers/train/41/image_02211.jpg differ diff --git a/flowers/train/41/image_02212.jpg b/flowers/train/41/image_02212.jpg new file mode 100644 index 00000000..73b7cdf8 Binary files /dev/null and b/flowers/train/41/image_02212.jpg differ diff --git a/flowers/train/41/image_02213.jpg b/flowers/train/41/image_02213.jpg new file mode 100644 index 00000000..732bd7f8 Binary files /dev/null and b/flowers/train/41/image_02213.jpg differ diff --git a/flowers/train/41/image_02214.jpg b/flowers/train/41/image_02214.jpg new file mode 100644 index 00000000..f53a8993 Binary files /dev/null and b/flowers/train/41/image_02214.jpg differ diff --git a/flowers/train/41/image_02215.jpg b/flowers/train/41/image_02215.jpg new file mode 100644 index 00000000..adb3f690 Binary files /dev/null and b/flowers/train/41/image_02215.jpg differ diff --git a/flowers/train/41/image_02216.jpg b/flowers/train/41/image_02216.jpg new file mode 100644 index 00000000..3849c8a8 Binary files /dev/null and b/flowers/train/41/image_02216.jpg differ diff --git a/flowers/train/41/image_02217.jpg b/flowers/train/41/image_02217.jpg new file mode 100644 index 00000000..3d56321e Binary files /dev/null and b/flowers/train/41/image_02217.jpg differ diff --git a/flowers/train/41/image_02218.jpg b/flowers/train/41/image_02218.jpg new file mode 100644 index 00000000..5562e247 Binary files /dev/null and b/flowers/train/41/image_02218.jpg differ diff --git a/flowers/train/41/image_02220.jpg b/flowers/train/41/image_02220.jpg new file mode 100644 index 00000000..62d6055f Binary files /dev/null and b/flowers/train/41/image_02220.jpg differ diff --git a/flowers/train/41/image_02221.jpg b/flowers/train/41/image_02221.jpg new file mode 100644 index 00000000..45dd3e42 Binary files /dev/null and b/flowers/train/41/image_02221.jpg differ diff --git a/flowers/train/41/image_02223.jpg b/flowers/train/41/image_02223.jpg new file mode 100644 index 00000000..19c55b5f Binary files /dev/null and b/flowers/train/41/image_02223.jpg differ diff --git a/flowers/train/41/image_02224.jpg b/flowers/train/41/image_02224.jpg new file mode 100644 index 00000000..a8d3db5c Binary files /dev/null and b/flowers/train/41/image_02224.jpg differ diff --git a/flowers/train/41/image_02225.jpg b/flowers/train/41/image_02225.jpg new file mode 100644 index 00000000..b3025508 Binary files /dev/null and b/flowers/train/41/image_02225.jpg differ diff --git a/flowers/train/41/image_02226.jpg b/flowers/train/41/image_02226.jpg new file mode 100644 index 00000000..226b5356 Binary files /dev/null and b/flowers/train/41/image_02226.jpg differ diff --git a/flowers/train/41/image_02227.jpg b/flowers/train/41/image_02227.jpg new file mode 100644 index 00000000..82178579 Binary files /dev/null and b/flowers/train/41/image_02227.jpg differ diff --git a/flowers/train/41/image_02228.jpg b/flowers/train/41/image_02228.jpg new file mode 100644 index 00000000..5cd63313 Binary files /dev/null and b/flowers/train/41/image_02228.jpg differ diff --git a/flowers/train/41/image_02229.jpg b/flowers/train/41/image_02229.jpg new file mode 100644 index 00000000..107deb31 Binary files /dev/null and b/flowers/train/41/image_02229.jpg differ diff --git a/flowers/train/41/image_02230.jpg b/flowers/train/41/image_02230.jpg new file mode 100644 index 00000000..3a617540 Binary files /dev/null and b/flowers/train/41/image_02230.jpg differ diff --git a/flowers/train/41/image_02233.jpg b/flowers/train/41/image_02233.jpg new file mode 100644 index 00000000..db292600 Binary files /dev/null and b/flowers/train/41/image_02233.jpg differ diff --git a/flowers/train/41/image_02234.jpg b/flowers/train/41/image_02234.jpg new file mode 100644 index 00000000..ce2316f3 Binary files /dev/null and b/flowers/train/41/image_02234.jpg differ diff --git a/flowers/train/41/image_02235.jpg b/flowers/train/41/image_02235.jpg new file mode 100644 index 00000000..802e7913 Binary files /dev/null and b/flowers/train/41/image_02235.jpg differ diff --git a/flowers/train/41/image_02236.jpg b/flowers/train/41/image_02236.jpg new file mode 100644 index 00000000..6b7faa2a Binary files /dev/null and b/flowers/train/41/image_02236.jpg differ diff --git a/flowers/train/41/image_02238.jpg b/flowers/train/41/image_02238.jpg new file mode 100644 index 00000000..7324041b Binary files /dev/null and b/flowers/train/41/image_02238.jpg differ diff --git a/flowers/train/41/image_02239.jpg b/flowers/train/41/image_02239.jpg new file mode 100644 index 00000000..2173bd66 Binary files /dev/null and b/flowers/train/41/image_02239.jpg differ diff --git a/flowers/train/41/image_02240.jpg b/flowers/train/41/image_02240.jpg new file mode 100644 index 00000000..bc3e8fd1 Binary files /dev/null and b/flowers/train/41/image_02240.jpg differ diff --git a/flowers/train/41/image_02241.jpg b/flowers/train/41/image_02241.jpg new file mode 100644 index 00000000..f0211fce Binary files /dev/null and b/flowers/train/41/image_02241.jpg differ diff --git a/flowers/train/41/image_02242.jpg b/flowers/train/41/image_02242.jpg new file mode 100644 index 00000000..870b7822 Binary files /dev/null and b/flowers/train/41/image_02242.jpg differ diff --git a/flowers/train/41/image_02243.jpg b/flowers/train/41/image_02243.jpg new file mode 100644 index 00000000..aec075e1 Binary files /dev/null and b/flowers/train/41/image_02243.jpg differ diff --git a/flowers/train/41/image_02244.jpg b/flowers/train/41/image_02244.jpg new file mode 100644 index 00000000..8e239a29 Binary files /dev/null and b/flowers/train/41/image_02244.jpg differ diff --git a/flowers/train/41/image_02246.jpg b/flowers/train/41/image_02246.jpg new file mode 100644 index 00000000..9213b45f Binary files /dev/null and b/flowers/train/41/image_02246.jpg differ diff --git a/flowers/train/41/image_02249.jpg b/flowers/train/41/image_02249.jpg new file mode 100644 index 00000000..75762639 Binary files /dev/null and b/flowers/train/41/image_02249.jpg differ diff --git a/flowers/train/41/image_02250.jpg b/flowers/train/41/image_02250.jpg new file mode 100644 index 00000000..da03faf7 Binary files /dev/null and b/flowers/train/41/image_02250.jpg differ diff --git a/flowers/train/41/image_02252.jpg b/flowers/train/41/image_02252.jpg new file mode 100644 index 00000000..8bfce24b Binary files /dev/null and b/flowers/train/41/image_02252.jpg differ diff --git a/flowers/train/41/image_02253.jpg b/flowers/train/41/image_02253.jpg new file mode 100644 index 00000000..1290d45e Binary files /dev/null and b/flowers/train/41/image_02253.jpg differ diff --git a/flowers/train/41/image_02254.jpg b/flowers/train/41/image_02254.jpg new file mode 100644 index 00000000..8fc5da58 Binary files /dev/null and b/flowers/train/41/image_02254.jpg differ diff --git a/flowers/train/41/image_02255.jpg b/flowers/train/41/image_02255.jpg new file mode 100644 index 00000000..a3278139 Binary files /dev/null and b/flowers/train/41/image_02255.jpg differ diff --git a/flowers/train/41/image_02256.jpg b/flowers/train/41/image_02256.jpg new file mode 100644 index 00000000..5a7ac0f2 Binary files /dev/null and b/flowers/train/41/image_02256.jpg differ diff --git a/flowers/train/41/image_02262.jpg b/flowers/train/41/image_02262.jpg new file mode 100644 index 00000000..9f8ea6fb Binary files /dev/null and b/flowers/train/41/image_02262.jpg differ diff --git a/flowers/train/41/image_02264.jpg b/flowers/train/41/image_02264.jpg new file mode 100644 index 00000000..02375e10 Binary files /dev/null and b/flowers/train/41/image_02264.jpg differ diff --git a/flowers/train/41/image_02265.jpg b/flowers/train/41/image_02265.jpg new file mode 100644 index 00000000..b4856700 Binary files /dev/null and b/flowers/train/41/image_02265.jpg differ diff --git a/flowers/train/41/image_02267.jpg b/flowers/train/41/image_02267.jpg new file mode 100644 index 00000000..3e29171a Binary files /dev/null and b/flowers/train/41/image_02267.jpg differ diff --git a/flowers/train/41/image_02269.jpg b/flowers/train/41/image_02269.jpg new file mode 100644 index 00000000..772c79c3 Binary files /dev/null and b/flowers/train/41/image_02269.jpg differ diff --git a/flowers/train/41/image_02271.jpg b/flowers/train/41/image_02271.jpg new file mode 100644 index 00000000..5a3a1dec Binary files /dev/null and b/flowers/train/41/image_02271.jpg differ diff --git a/flowers/train/41/image_02272.jpg b/flowers/train/41/image_02272.jpg new file mode 100644 index 00000000..b7a36c64 Binary files /dev/null and b/flowers/train/41/image_02272.jpg differ diff --git a/flowers/train/41/image_02273.jpg b/flowers/train/41/image_02273.jpg new file mode 100644 index 00000000..2f04e814 Binary files /dev/null and b/flowers/train/41/image_02273.jpg differ diff --git a/flowers/train/41/image_02274.jpg b/flowers/train/41/image_02274.jpg new file mode 100644 index 00000000..e577a37c Binary files /dev/null and b/flowers/train/41/image_02274.jpg differ diff --git a/flowers/train/41/image_02275.jpg b/flowers/train/41/image_02275.jpg new file mode 100644 index 00000000..43ad275a Binary files /dev/null and b/flowers/train/41/image_02275.jpg differ diff --git a/flowers/train/41/image_02277.jpg b/flowers/train/41/image_02277.jpg new file mode 100644 index 00000000..15f7c087 Binary files /dev/null and b/flowers/train/41/image_02277.jpg differ diff --git a/flowers/train/41/image_02279.jpg b/flowers/train/41/image_02279.jpg new file mode 100644 index 00000000..f7338014 Binary files /dev/null and b/flowers/train/41/image_02279.jpg differ diff --git a/flowers/train/41/image_02280.jpg b/flowers/train/41/image_02280.jpg new file mode 100644 index 00000000..c0a74ea7 Binary files /dev/null and b/flowers/train/41/image_02280.jpg differ diff --git a/flowers/train/41/image_02281.jpg b/flowers/train/41/image_02281.jpg new file mode 100644 index 00000000..06122285 Binary files /dev/null and b/flowers/train/41/image_02281.jpg differ diff --git a/flowers/train/41/image_02282.jpg b/flowers/train/41/image_02282.jpg new file mode 100644 index 00000000..b27efb89 Binary files /dev/null and b/flowers/train/41/image_02282.jpg differ diff --git a/flowers/train/41/image_02283.jpg b/flowers/train/41/image_02283.jpg new file mode 100644 index 00000000..f18b1e30 Binary files /dev/null and b/flowers/train/41/image_02283.jpg differ diff --git a/flowers/train/41/image_02284.jpg b/flowers/train/41/image_02284.jpg new file mode 100644 index 00000000..f6ca6177 Binary files /dev/null and b/flowers/train/41/image_02284.jpg differ diff --git a/flowers/train/41/image_02285.jpg b/flowers/train/41/image_02285.jpg new file mode 100644 index 00000000..f1954e8e Binary files /dev/null and b/flowers/train/41/image_02285.jpg differ diff --git a/flowers/train/41/image_02286.jpg b/flowers/train/41/image_02286.jpg new file mode 100644 index 00000000..79138b64 Binary files /dev/null and b/flowers/train/41/image_02286.jpg differ diff --git a/flowers/train/41/image_02287.jpg b/flowers/train/41/image_02287.jpg new file mode 100644 index 00000000..ebe379b9 Binary files /dev/null and b/flowers/train/41/image_02287.jpg differ diff --git a/flowers/train/41/image_02288.jpg b/flowers/train/41/image_02288.jpg new file mode 100644 index 00000000..4b8c64c1 Binary files /dev/null and b/flowers/train/41/image_02288.jpg differ diff --git a/flowers/train/41/image_02289.jpg b/flowers/train/41/image_02289.jpg new file mode 100644 index 00000000..c9ce529b Binary files /dev/null and b/flowers/train/41/image_02289.jpg differ diff --git a/flowers/train/41/image_02290.jpg b/flowers/train/41/image_02290.jpg new file mode 100644 index 00000000..357192f0 Binary files /dev/null and b/flowers/train/41/image_02290.jpg differ diff --git a/flowers/train/41/image_02291.jpg b/flowers/train/41/image_02291.jpg new file mode 100644 index 00000000..55085e88 Binary files /dev/null and b/flowers/train/41/image_02291.jpg differ diff --git a/flowers/train/41/image_02292.jpg b/flowers/train/41/image_02292.jpg new file mode 100644 index 00000000..bd276032 Binary files /dev/null and b/flowers/train/41/image_02292.jpg differ diff --git a/flowers/train/41/image_02293.jpg b/flowers/train/41/image_02293.jpg new file mode 100644 index 00000000..eaca1670 Binary files /dev/null and b/flowers/train/41/image_02293.jpg differ diff --git a/flowers/train/41/image_02294.jpg b/flowers/train/41/image_02294.jpg new file mode 100644 index 00000000..90b9ea2e Binary files /dev/null and b/flowers/train/41/image_02294.jpg differ diff --git a/flowers/train/41/image_02295.jpg b/flowers/train/41/image_02295.jpg new file mode 100644 index 00000000..55d1e140 Binary files /dev/null and b/flowers/train/41/image_02295.jpg differ diff --git a/flowers/train/41/image_02296.jpg b/flowers/train/41/image_02296.jpg new file mode 100644 index 00000000..228108be Binary files /dev/null and b/flowers/train/41/image_02296.jpg differ diff --git a/flowers/train/41/image_02298.jpg b/flowers/train/41/image_02298.jpg new file mode 100644 index 00000000..554e2349 Binary files /dev/null and b/flowers/train/41/image_02298.jpg differ diff --git a/flowers/train/41/image_02299.jpg b/flowers/train/41/image_02299.jpg new file mode 100644 index 00000000..869b1895 Binary files /dev/null and b/flowers/train/41/image_02299.jpg differ diff --git a/flowers/train/41/image_02300.jpg b/flowers/train/41/image_02300.jpg new file mode 100644 index 00000000..f03fb07c Binary files /dev/null and b/flowers/train/41/image_02300.jpg differ diff --git a/flowers/train/41/image_02301.jpg b/flowers/train/41/image_02301.jpg new file mode 100644 index 00000000..875c2483 Binary files /dev/null and b/flowers/train/41/image_02301.jpg differ diff --git a/flowers/train/41/image_02303.jpg b/flowers/train/41/image_02303.jpg new file mode 100644 index 00000000..ec6b7409 Binary files /dev/null and b/flowers/train/41/image_02303.jpg differ diff --git a/flowers/train/41/image_02304.jpg b/flowers/train/41/image_02304.jpg new file mode 100644 index 00000000..403b7494 Binary files /dev/null and b/flowers/train/41/image_02304.jpg differ diff --git a/flowers/train/41/image_02307.jpg b/flowers/train/41/image_02307.jpg new file mode 100644 index 00000000..e6b12998 Binary files /dev/null and b/flowers/train/41/image_02307.jpg differ diff --git a/flowers/train/41/image_02308.jpg b/flowers/train/41/image_02308.jpg new file mode 100644 index 00000000..0aa50bc1 Binary files /dev/null and b/flowers/train/41/image_02308.jpg differ diff --git a/flowers/train/41/image_02309.jpg b/flowers/train/41/image_02309.jpg new file mode 100644 index 00000000..9c968a18 Binary files /dev/null and b/flowers/train/41/image_02309.jpg differ diff --git a/flowers/train/41/image_02310.jpg b/flowers/train/41/image_02310.jpg new file mode 100644 index 00000000..ac67e3d5 Binary files /dev/null and b/flowers/train/41/image_02310.jpg differ diff --git a/flowers/train/41/image_02311.jpg b/flowers/train/41/image_02311.jpg new file mode 100644 index 00000000..c7a1b39a Binary files /dev/null and b/flowers/train/41/image_02311.jpg differ diff --git a/flowers/train/41/image_02312.jpg b/flowers/train/41/image_02312.jpg new file mode 100644 index 00000000..ccbdb947 Binary files /dev/null and b/flowers/train/41/image_02312.jpg differ diff --git a/flowers/train/41/image_02313.jpg b/flowers/train/41/image_02313.jpg new file mode 100644 index 00000000..1cd76ef0 Binary files /dev/null and b/flowers/train/41/image_02313.jpg differ diff --git a/flowers/train/41/image_02314.jpg b/flowers/train/41/image_02314.jpg new file mode 100644 index 00000000..8b3eac53 Binary files /dev/null and b/flowers/train/41/image_02314.jpg differ diff --git a/flowers/train/41/image_02315.jpg b/flowers/train/41/image_02315.jpg new file mode 100644 index 00000000..b18fee7d Binary files /dev/null and b/flowers/train/41/image_02315.jpg differ diff --git a/flowers/train/42/image_05685.jpg b/flowers/train/42/image_05685.jpg new file mode 100644 index 00000000..f47c5483 Binary files /dev/null and b/flowers/train/42/image_05685.jpg differ diff --git a/flowers/train/42/image_05686.jpg b/flowers/train/42/image_05686.jpg new file mode 100644 index 00000000..60a7cefa Binary files /dev/null and b/flowers/train/42/image_05686.jpg differ diff --git a/flowers/train/42/image_05687.jpg b/flowers/train/42/image_05687.jpg new file mode 100644 index 00000000..21f22630 Binary files /dev/null and b/flowers/train/42/image_05687.jpg differ diff --git a/flowers/train/42/image_05688.jpg b/flowers/train/42/image_05688.jpg new file mode 100644 index 00000000..49645a84 Binary files /dev/null and b/flowers/train/42/image_05688.jpg differ diff --git a/flowers/train/42/image_05689.jpg b/flowers/train/42/image_05689.jpg new file mode 100644 index 00000000..6a6a9447 Binary files /dev/null and b/flowers/train/42/image_05689.jpg differ diff --git a/flowers/train/42/image_05691.jpg b/flowers/train/42/image_05691.jpg new file mode 100644 index 00000000..76ced87b Binary files /dev/null and b/flowers/train/42/image_05691.jpg differ diff --git a/flowers/train/42/image_05692.jpg b/flowers/train/42/image_05692.jpg new file mode 100644 index 00000000..3dc941e1 Binary files /dev/null and b/flowers/train/42/image_05692.jpg differ diff --git a/flowers/train/42/image_05693.jpg b/flowers/train/42/image_05693.jpg new file mode 100644 index 00000000..321f0515 Binary files /dev/null and b/flowers/train/42/image_05693.jpg differ diff --git a/flowers/train/42/image_05694.jpg b/flowers/train/42/image_05694.jpg new file mode 100644 index 00000000..4a171e60 Binary files /dev/null and b/flowers/train/42/image_05694.jpg differ diff --git a/flowers/train/42/image_05695.jpg b/flowers/train/42/image_05695.jpg new file mode 100644 index 00000000..b3bdfba9 Binary files /dev/null and b/flowers/train/42/image_05695.jpg differ diff --git a/flowers/train/42/image_05697.jpg b/flowers/train/42/image_05697.jpg new file mode 100644 index 00000000..ce10c155 Binary files /dev/null and b/flowers/train/42/image_05697.jpg differ diff --git a/flowers/train/42/image_05698.jpg b/flowers/train/42/image_05698.jpg new file mode 100644 index 00000000..796f82dd Binary files /dev/null and b/flowers/train/42/image_05698.jpg differ diff --git a/flowers/train/42/image_05699.jpg b/flowers/train/42/image_05699.jpg new file mode 100644 index 00000000..fb1a7fe0 Binary files /dev/null and b/flowers/train/42/image_05699.jpg differ diff --git a/flowers/train/42/image_05700.jpg b/flowers/train/42/image_05700.jpg new file mode 100644 index 00000000..113fb310 Binary files /dev/null and b/flowers/train/42/image_05700.jpg differ diff --git a/flowers/train/42/image_05702.jpg b/flowers/train/42/image_05702.jpg new file mode 100644 index 00000000..f8404c5b Binary files /dev/null and b/flowers/train/42/image_05702.jpg differ diff --git a/flowers/train/42/image_05703.jpg b/flowers/train/42/image_05703.jpg new file mode 100644 index 00000000..3755999d Binary files /dev/null and b/flowers/train/42/image_05703.jpg differ diff --git a/flowers/train/42/image_05704.jpg b/flowers/train/42/image_05704.jpg new file mode 100644 index 00000000..ee644220 Binary files /dev/null and b/flowers/train/42/image_05704.jpg differ diff --git a/flowers/train/42/image_05705.jpg b/flowers/train/42/image_05705.jpg new file mode 100644 index 00000000..b095fa35 Binary files /dev/null and b/flowers/train/42/image_05705.jpg differ diff --git a/flowers/train/42/image_05706.jpg b/flowers/train/42/image_05706.jpg new file mode 100644 index 00000000..2084eb68 Binary files /dev/null and b/flowers/train/42/image_05706.jpg differ diff --git a/flowers/train/42/image_05707.jpg b/flowers/train/42/image_05707.jpg new file mode 100644 index 00000000..7c05129f Binary files /dev/null and b/flowers/train/42/image_05707.jpg differ diff --git a/flowers/train/42/image_05708.jpg b/flowers/train/42/image_05708.jpg new file mode 100644 index 00000000..4c2c753b Binary files /dev/null and b/flowers/train/42/image_05708.jpg differ diff --git a/flowers/train/42/image_05709.jpg b/flowers/train/42/image_05709.jpg new file mode 100644 index 00000000..a06876ec Binary files /dev/null and b/flowers/train/42/image_05709.jpg differ diff --git a/flowers/train/42/image_05710.jpg b/flowers/train/42/image_05710.jpg new file mode 100644 index 00000000..75e89277 Binary files /dev/null and b/flowers/train/42/image_05710.jpg differ diff --git a/flowers/train/42/image_05714.jpg b/flowers/train/42/image_05714.jpg new file mode 100644 index 00000000..07baa7f8 Binary files /dev/null and b/flowers/train/42/image_05714.jpg differ diff --git a/flowers/train/42/image_05715.jpg b/flowers/train/42/image_05715.jpg new file mode 100644 index 00000000..1fcca985 Binary files /dev/null and b/flowers/train/42/image_05715.jpg differ diff --git a/flowers/train/42/image_05716.jpg b/flowers/train/42/image_05716.jpg new file mode 100644 index 00000000..6d999b0c Binary files /dev/null and b/flowers/train/42/image_05716.jpg differ diff --git a/flowers/train/42/image_05717.jpg b/flowers/train/42/image_05717.jpg new file mode 100644 index 00000000..b07f8c65 Binary files /dev/null and b/flowers/train/42/image_05717.jpg differ diff --git a/flowers/train/42/image_05718.jpg b/flowers/train/42/image_05718.jpg new file mode 100644 index 00000000..f2e9af19 Binary files /dev/null and b/flowers/train/42/image_05718.jpg differ diff --git a/flowers/train/42/image_05719.jpg b/flowers/train/42/image_05719.jpg new file mode 100644 index 00000000..fc0d9acf Binary files /dev/null and b/flowers/train/42/image_05719.jpg differ diff --git a/flowers/train/42/image_05720.jpg b/flowers/train/42/image_05720.jpg new file mode 100644 index 00000000..171715c1 Binary files /dev/null and b/flowers/train/42/image_05720.jpg differ diff --git a/flowers/train/42/image_05721.jpg b/flowers/train/42/image_05721.jpg new file mode 100644 index 00000000..2d51a8a2 Binary files /dev/null and b/flowers/train/42/image_05721.jpg differ diff --git a/flowers/train/42/image_05722.jpg b/flowers/train/42/image_05722.jpg new file mode 100644 index 00000000..f49f5d9b Binary files /dev/null and b/flowers/train/42/image_05722.jpg differ diff --git a/flowers/train/42/image_05724.jpg b/flowers/train/42/image_05724.jpg new file mode 100644 index 00000000..7d29cd84 Binary files /dev/null and b/flowers/train/42/image_05724.jpg differ diff --git a/flowers/train/42/image_05725.jpg b/flowers/train/42/image_05725.jpg new file mode 100644 index 00000000..21df6af1 Binary files /dev/null and b/flowers/train/42/image_05725.jpg differ diff --git a/flowers/train/42/image_05726.jpg b/flowers/train/42/image_05726.jpg new file mode 100644 index 00000000..0fc29586 Binary files /dev/null and b/flowers/train/42/image_05726.jpg differ diff --git a/flowers/train/42/image_05727.jpg b/flowers/train/42/image_05727.jpg new file mode 100644 index 00000000..5ce7ec77 Binary files /dev/null and b/flowers/train/42/image_05727.jpg differ diff --git a/flowers/train/42/image_05728.jpg b/flowers/train/42/image_05728.jpg new file mode 100644 index 00000000..95bd9a52 Binary files /dev/null and b/flowers/train/42/image_05728.jpg differ diff --git a/flowers/train/42/image_05729.jpg b/flowers/train/42/image_05729.jpg new file mode 100644 index 00000000..0ce20996 Binary files /dev/null and b/flowers/train/42/image_05729.jpg differ diff --git a/flowers/train/42/image_05732.jpg b/flowers/train/42/image_05732.jpg new file mode 100644 index 00000000..d40d636b Binary files /dev/null and b/flowers/train/42/image_05732.jpg differ diff --git a/flowers/train/42/image_05733.jpg b/flowers/train/42/image_05733.jpg new file mode 100644 index 00000000..4e7bc826 Binary files /dev/null and b/flowers/train/42/image_05733.jpg differ diff --git a/flowers/train/42/image_05734.jpg b/flowers/train/42/image_05734.jpg new file mode 100644 index 00000000..9a1e6dac Binary files /dev/null and b/flowers/train/42/image_05734.jpg differ diff --git a/flowers/train/42/image_05736.jpg b/flowers/train/42/image_05736.jpg new file mode 100644 index 00000000..c51f7462 Binary files /dev/null and b/flowers/train/42/image_05736.jpg differ diff --git a/flowers/train/42/image_05737.jpg b/flowers/train/42/image_05737.jpg new file mode 100644 index 00000000..90d17562 Binary files /dev/null and b/flowers/train/42/image_05737.jpg differ diff --git a/flowers/train/42/image_05738.jpg b/flowers/train/42/image_05738.jpg new file mode 100644 index 00000000..db7021f3 Binary files /dev/null and b/flowers/train/42/image_05738.jpg differ diff --git a/flowers/train/42/image_05739.jpg b/flowers/train/42/image_05739.jpg new file mode 100644 index 00000000..269a3f12 Binary files /dev/null and b/flowers/train/42/image_05739.jpg differ diff --git a/flowers/train/42/image_05740.jpg b/flowers/train/42/image_05740.jpg new file mode 100644 index 00000000..eea73439 Binary files /dev/null and b/flowers/train/42/image_05740.jpg differ diff --git a/flowers/train/42/image_05741.jpg b/flowers/train/42/image_05741.jpg new file mode 100644 index 00000000..046b8523 Binary files /dev/null and b/flowers/train/42/image_05741.jpg differ diff --git a/flowers/train/42/image_05742.jpg b/flowers/train/42/image_05742.jpg new file mode 100644 index 00000000..d06e6aed Binary files /dev/null and b/flowers/train/42/image_05742.jpg differ diff --git a/flowers/train/42/image_05743.jpg b/flowers/train/42/image_05743.jpg new file mode 100644 index 00000000..ba459b8a Binary files /dev/null and b/flowers/train/42/image_05743.jpg differ diff --git a/flowers/train/43/image_02316.jpg b/flowers/train/43/image_02316.jpg new file mode 100644 index 00000000..d223e9e3 Binary files /dev/null and b/flowers/train/43/image_02316.jpg differ diff --git a/flowers/train/43/image_02317.jpg b/flowers/train/43/image_02317.jpg new file mode 100644 index 00000000..1d732d16 Binary files /dev/null and b/flowers/train/43/image_02317.jpg differ diff --git a/flowers/train/43/image_02318.jpg b/flowers/train/43/image_02318.jpg new file mode 100644 index 00000000..59430962 Binary files /dev/null and b/flowers/train/43/image_02318.jpg differ diff --git a/flowers/train/43/image_02319.jpg b/flowers/train/43/image_02319.jpg new file mode 100644 index 00000000..fcb45c86 Binary files /dev/null and b/flowers/train/43/image_02319.jpg differ diff --git a/flowers/train/43/image_02320.jpg b/flowers/train/43/image_02320.jpg new file mode 100644 index 00000000..431c3ff1 Binary files /dev/null and b/flowers/train/43/image_02320.jpg differ diff --git a/flowers/train/43/image_02321.jpg b/flowers/train/43/image_02321.jpg new file mode 100644 index 00000000..c40e9dcc Binary files /dev/null and b/flowers/train/43/image_02321.jpg differ diff --git a/flowers/train/43/image_02322.jpg b/flowers/train/43/image_02322.jpg new file mode 100644 index 00000000..9fad3ab8 Binary files /dev/null and b/flowers/train/43/image_02322.jpg differ diff --git a/flowers/train/43/image_02323.jpg b/flowers/train/43/image_02323.jpg new file mode 100644 index 00000000..a5af08a9 Binary files /dev/null and b/flowers/train/43/image_02323.jpg differ diff --git a/flowers/train/43/image_02324.jpg b/flowers/train/43/image_02324.jpg new file mode 100644 index 00000000..226966db Binary files /dev/null and b/flowers/train/43/image_02324.jpg differ diff --git a/flowers/train/43/image_02325.jpg b/flowers/train/43/image_02325.jpg new file mode 100644 index 00000000..c2d2de8d Binary files /dev/null and b/flowers/train/43/image_02325.jpg differ diff --git a/flowers/train/43/image_02326.jpg b/flowers/train/43/image_02326.jpg new file mode 100644 index 00000000..7dfd92c1 Binary files /dev/null and b/flowers/train/43/image_02326.jpg differ diff --git a/flowers/train/43/image_02327.jpg b/flowers/train/43/image_02327.jpg new file mode 100644 index 00000000..a577e32b Binary files /dev/null and b/flowers/train/43/image_02327.jpg differ diff --git a/flowers/train/43/image_02328.jpg b/flowers/train/43/image_02328.jpg new file mode 100644 index 00000000..099b3cc5 Binary files /dev/null and b/flowers/train/43/image_02328.jpg differ diff --git a/flowers/train/43/image_02331.jpg b/flowers/train/43/image_02331.jpg new file mode 100644 index 00000000..e5dc004e Binary files /dev/null and b/flowers/train/43/image_02331.jpg differ diff --git a/flowers/train/43/image_02332.jpg b/flowers/train/43/image_02332.jpg new file mode 100644 index 00000000..8e55cf9e Binary files /dev/null and b/flowers/train/43/image_02332.jpg differ diff --git a/flowers/train/43/image_02333.jpg b/flowers/train/43/image_02333.jpg new file mode 100644 index 00000000..ce31fc2f Binary files /dev/null and b/flowers/train/43/image_02333.jpg differ diff --git a/flowers/train/43/image_02334.jpg b/flowers/train/43/image_02334.jpg new file mode 100644 index 00000000..194d8af3 Binary files /dev/null and b/flowers/train/43/image_02334.jpg differ diff --git a/flowers/train/43/image_02337.jpg b/flowers/train/43/image_02337.jpg new file mode 100644 index 00000000..24a1d106 Binary files /dev/null and b/flowers/train/43/image_02337.jpg differ diff --git a/flowers/train/43/image_02338.jpg b/flowers/train/43/image_02338.jpg new file mode 100644 index 00000000..2585187d Binary files /dev/null and b/flowers/train/43/image_02338.jpg differ diff --git a/flowers/train/43/image_02339.jpg b/flowers/train/43/image_02339.jpg new file mode 100644 index 00000000..27b25b09 Binary files /dev/null and b/flowers/train/43/image_02339.jpg differ diff --git a/flowers/train/43/image_02340.jpg b/flowers/train/43/image_02340.jpg new file mode 100644 index 00000000..591adb6a Binary files /dev/null and b/flowers/train/43/image_02340.jpg differ diff --git a/flowers/train/43/image_02341.jpg b/flowers/train/43/image_02341.jpg new file mode 100644 index 00000000..bfedd703 Binary files /dev/null and b/flowers/train/43/image_02341.jpg differ diff --git a/flowers/train/43/image_02342.jpg b/flowers/train/43/image_02342.jpg new file mode 100644 index 00000000..bcfbbad9 Binary files /dev/null and b/flowers/train/43/image_02342.jpg differ diff --git a/flowers/train/43/image_02343.jpg b/flowers/train/43/image_02343.jpg new file mode 100644 index 00000000..fbe0b2ba Binary files /dev/null and b/flowers/train/43/image_02343.jpg differ diff --git a/flowers/train/43/image_02344.jpg b/flowers/train/43/image_02344.jpg new file mode 100644 index 00000000..aee05652 Binary files /dev/null and b/flowers/train/43/image_02344.jpg differ diff --git a/flowers/train/43/image_02347.jpg b/flowers/train/43/image_02347.jpg new file mode 100644 index 00000000..be20a04f Binary files /dev/null and b/flowers/train/43/image_02347.jpg differ diff --git a/flowers/train/43/image_02348.jpg b/flowers/train/43/image_02348.jpg new file mode 100644 index 00000000..80f30e0c Binary files /dev/null and b/flowers/train/43/image_02348.jpg differ diff --git a/flowers/train/43/image_02350.jpg b/flowers/train/43/image_02350.jpg new file mode 100644 index 00000000..5b8c1b73 Binary files /dev/null and b/flowers/train/43/image_02350.jpg differ diff --git a/flowers/train/43/image_02351.jpg b/flowers/train/43/image_02351.jpg new file mode 100644 index 00000000..8a118ae3 Binary files /dev/null and b/flowers/train/43/image_02351.jpg differ diff --git a/flowers/train/43/image_02352.jpg b/flowers/train/43/image_02352.jpg new file mode 100644 index 00000000..83dd41ba Binary files /dev/null and b/flowers/train/43/image_02352.jpg differ diff --git a/flowers/train/43/image_02353.jpg b/flowers/train/43/image_02353.jpg new file mode 100644 index 00000000..9050a452 Binary files /dev/null and b/flowers/train/43/image_02353.jpg differ diff --git a/flowers/train/43/image_02354.jpg b/flowers/train/43/image_02354.jpg new file mode 100644 index 00000000..237847ff Binary files /dev/null and b/flowers/train/43/image_02354.jpg differ diff --git a/flowers/train/43/image_02356.jpg b/flowers/train/43/image_02356.jpg new file mode 100644 index 00000000..c0104587 Binary files /dev/null and b/flowers/train/43/image_02356.jpg differ diff --git a/flowers/train/43/image_02357.jpg b/flowers/train/43/image_02357.jpg new file mode 100644 index 00000000..bd3d3fa3 Binary files /dev/null and b/flowers/train/43/image_02357.jpg differ diff --git a/flowers/train/43/image_02358.jpg b/flowers/train/43/image_02358.jpg new file mode 100644 index 00000000..0648544c Binary files /dev/null and b/flowers/train/43/image_02358.jpg differ diff --git a/flowers/train/43/image_02359.jpg b/flowers/train/43/image_02359.jpg new file mode 100644 index 00000000..87aae2bf Binary files /dev/null and b/flowers/train/43/image_02359.jpg differ diff --git a/flowers/train/43/image_02360.jpg b/flowers/train/43/image_02360.jpg new file mode 100644 index 00000000..68c307ae Binary files /dev/null and b/flowers/train/43/image_02360.jpg differ diff --git a/flowers/train/43/image_02361.jpg b/flowers/train/43/image_02361.jpg new file mode 100644 index 00000000..d0a4929f Binary files /dev/null and b/flowers/train/43/image_02361.jpg differ diff --git a/flowers/train/43/image_02362.jpg b/flowers/train/43/image_02362.jpg new file mode 100644 index 00000000..3c6cde4b Binary files /dev/null and b/flowers/train/43/image_02362.jpg differ diff --git a/flowers/train/43/image_02363.jpg b/flowers/train/43/image_02363.jpg new file mode 100644 index 00000000..a171fc71 Binary files /dev/null and b/flowers/train/43/image_02363.jpg differ diff --git a/flowers/train/43/image_02364.jpg b/flowers/train/43/image_02364.jpg new file mode 100644 index 00000000..aa5d465f Binary files /dev/null and b/flowers/train/43/image_02364.jpg differ diff --git a/flowers/train/43/image_02366.jpg b/flowers/train/43/image_02366.jpg new file mode 100644 index 00000000..acef26cd Binary files /dev/null and b/flowers/train/43/image_02366.jpg differ diff --git a/flowers/train/43/image_02367.jpg b/flowers/train/43/image_02367.jpg new file mode 100644 index 00000000..cad21c14 Binary files /dev/null and b/flowers/train/43/image_02367.jpg differ diff --git a/flowers/train/43/image_02372.jpg b/flowers/train/43/image_02372.jpg new file mode 100644 index 00000000..aa42491c Binary files /dev/null and b/flowers/train/43/image_02372.jpg differ diff --git a/flowers/train/43/image_02373.jpg b/flowers/train/43/image_02373.jpg new file mode 100644 index 00000000..b47c3da8 Binary files /dev/null and b/flowers/train/43/image_02373.jpg differ diff --git a/flowers/train/43/image_02374.jpg b/flowers/train/43/image_02374.jpg new file mode 100644 index 00000000..aa632e1c Binary files /dev/null and b/flowers/train/43/image_02374.jpg differ diff --git a/flowers/train/43/image_02375.jpg b/flowers/train/43/image_02375.jpg new file mode 100644 index 00000000..4e2838d9 Binary files /dev/null and b/flowers/train/43/image_02375.jpg differ diff --git a/flowers/train/43/image_02376.jpg b/flowers/train/43/image_02376.jpg new file mode 100644 index 00000000..13e32893 Binary files /dev/null and b/flowers/train/43/image_02376.jpg differ diff --git a/flowers/train/43/image_02377.jpg b/flowers/train/43/image_02377.jpg new file mode 100644 index 00000000..30f91a08 Binary files /dev/null and b/flowers/train/43/image_02377.jpg differ diff --git a/flowers/train/43/image_02378.jpg b/flowers/train/43/image_02378.jpg new file mode 100644 index 00000000..b367d547 Binary files /dev/null and b/flowers/train/43/image_02378.jpg differ diff --git a/flowers/train/43/image_02379.jpg b/flowers/train/43/image_02379.jpg new file mode 100644 index 00000000..88d71987 Binary files /dev/null and b/flowers/train/43/image_02379.jpg differ diff --git a/flowers/train/43/image_02380.jpg b/flowers/train/43/image_02380.jpg new file mode 100644 index 00000000..56f3d4b1 Binary files /dev/null and b/flowers/train/43/image_02380.jpg differ diff --git a/flowers/train/43/image_02381.jpg b/flowers/train/43/image_02381.jpg new file mode 100644 index 00000000..daebc0e0 Binary files /dev/null and b/flowers/train/43/image_02381.jpg differ diff --git a/flowers/train/43/image_02382.jpg b/flowers/train/43/image_02382.jpg new file mode 100644 index 00000000..dc687f04 Binary files /dev/null and b/flowers/train/43/image_02382.jpg differ diff --git a/flowers/train/43/image_02383.jpg b/flowers/train/43/image_02383.jpg new file mode 100644 index 00000000..5ca64a0d Binary files /dev/null and b/flowers/train/43/image_02383.jpg differ diff --git a/flowers/train/43/image_02384.jpg b/flowers/train/43/image_02384.jpg new file mode 100644 index 00000000..71ededdc Binary files /dev/null and b/flowers/train/43/image_02384.jpg differ diff --git a/flowers/train/43/image_02385.jpg b/flowers/train/43/image_02385.jpg new file mode 100644 index 00000000..2e022ac6 Binary files /dev/null and b/flowers/train/43/image_02385.jpg differ diff --git a/flowers/train/43/image_02387.jpg b/flowers/train/43/image_02387.jpg new file mode 100644 index 00000000..a71f1e6b Binary files /dev/null and b/flowers/train/43/image_02387.jpg differ diff --git a/flowers/train/43/image_02388.jpg b/flowers/train/43/image_02388.jpg new file mode 100644 index 00000000..1541a666 Binary files /dev/null and b/flowers/train/43/image_02388.jpg differ diff --git a/flowers/train/43/image_02390.jpg b/flowers/train/43/image_02390.jpg new file mode 100644 index 00000000..32ef1b59 Binary files /dev/null and b/flowers/train/43/image_02390.jpg differ diff --git a/flowers/train/43/image_02391.jpg b/flowers/train/43/image_02391.jpg new file mode 100644 index 00000000..53c8dfbc Binary files /dev/null and b/flowers/train/43/image_02391.jpg differ diff --git a/flowers/train/43/image_02392.jpg b/flowers/train/43/image_02392.jpg new file mode 100644 index 00000000..bfb45542 Binary files /dev/null and b/flowers/train/43/image_02392.jpg differ diff --git a/flowers/train/43/image_02393.jpg b/flowers/train/43/image_02393.jpg new file mode 100644 index 00000000..8254d5b2 Binary files /dev/null and b/flowers/train/43/image_02393.jpg differ diff --git a/flowers/train/43/image_02395.jpg b/flowers/train/43/image_02395.jpg new file mode 100644 index 00000000..398a63fc Binary files /dev/null and b/flowers/train/43/image_02395.jpg differ diff --git a/flowers/train/43/image_02396.jpg b/flowers/train/43/image_02396.jpg new file mode 100644 index 00000000..0be101f8 Binary files /dev/null and b/flowers/train/43/image_02396.jpg differ diff --git a/flowers/train/43/image_02398.jpg b/flowers/train/43/image_02398.jpg new file mode 100644 index 00000000..2115bba6 Binary files /dev/null and b/flowers/train/43/image_02398.jpg differ diff --git a/flowers/train/43/image_02399.jpg b/flowers/train/43/image_02399.jpg new file mode 100644 index 00000000..fdffbdda Binary files /dev/null and b/flowers/train/43/image_02399.jpg differ diff --git a/flowers/train/43/image_02401.jpg b/flowers/train/43/image_02401.jpg new file mode 100644 index 00000000..d58d411a Binary files /dev/null and b/flowers/train/43/image_02401.jpg differ diff --git a/flowers/train/43/image_02402.jpg b/flowers/train/43/image_02402.jpg new file mode 100644 index 00000000..f98eceda Binary files /dev/null and b/flowers/train/43/image_02402.jpg differ diff --git a/flowers/train/43/image_02403.jpg b/flowers/train/43/image_02403.jpg new file mode 100644 index 00000000..d28c2ca4 Binary files /dev/null and b/flowers/train/43/image_02403.jpg differ diff --git a/flowers/train/43/image_02404.jpg b/flowers/train/43/image_02404.jpg new file mode 100644 index 00000000..eb5f7999 Binary files /dev/null and b/flowers/train/43/image_02404.jpg differ diff --git a/flowers/train/43/image_02405.jpg b/flowers/train/43/image_02405.jpg new file mode 100644 index 00000000..f2cbe682 Binary files /dev/null and b/flowers/train/43/image_02405.jpg differ diff --git a/flowers/train/43/image_02406.jpg b/flowers/train/43/image_02406.jpg new file mode 100644 index 00000000..7fc80622 Binary files /dev/null and b/flowers/train/43/image_02406.jpg differ diff --git a/flowers/train/43/image_02408.jpg b/flowers/train/43/image_02408.jpg new file mode 100644 index 00000000..f88d9c66 Binary files /dev/null and b/flowers/train/43/image_02408.jpg differ diff --git a/flowers/train/43/image_02409.jpg b/flowers/train/43/image_02409.jpg new file mode 100644 index 00000000..4548300e Binary files /dev/null and b/flowers/train/43/image_02409.jpg differ diff --git a/flowers/train/43/image_02410.jpg b/flowers/train/43/image_02410.jpg new file mode 100644 index 00000000..bca9006d Binary files /dev/null and b/flowers/train/43/image_02410.jpg differ diff --git a/flowers/train/43/image_02411.jpg b/flowers/train/43/image_02411.jpg new file mode 100644 index 00000000..aad48ce0 Binary files /dev/null and b/flowers/train/43/image_02411.jpg differ diff --git a/flowers/train/43/image_02413.jpg b/flowers/train/43/image_02413.jpg new file mode 100644 index 00000000..124487a2 Binary files /dev/null and b/flowers/train/43/image_02413.jpg differ diff --git a/flowers/train/43/image_02415.jpg b/flowers/train/43/image_02415.jpg new file mode 100644 index 00000000..7d134a66 Binary files /dev/null and b/flowers/train/43/image_02415.jpg differ diff --git a/flowers/train/43/image_02416.jpg b/flowers/train/43/image_02416.jpg new file mode 100644 index 00000000..68ec1fd3 Binary files /dev/null and b/flowers/train/43/image_02416.jpg differ diff --git a/flowers/train/43/image_02417.jpg b/flowers/train/43/image_02417.jpg new file mode 100644 index 00000000..88b017ba Binary files /dev/null and b/flowers/train/43/image_02417.jpg differ diff --git a/flowers/train/43/image_02418.jpg b/flowers/train/43/image_02418.jpg new file mode 100644 index 00000000..7a4fa46a Binary files /dev/null and b/flowers/train/43/image_02418.jpg differ diff --git a/flowers/train/43/image_02420.jpg b/flowers/train/43/image_02420.jpg new file mode 100644 index 00000000..dd21325a Binary files /dev/null and b/flowers/train/43/image_02420.jpg differ diff --git a/flowers/train/43/image_02422.jpg b/flowers/train/43/image_02422.jpg new file mode 100644 index 00000000..1a2f9455 Binary files /dev/null and b/flowers/train/43/image_02422.jpg differ diff --git a/flowers/train/43/image_02423.jpg b/flowers/train/43/image_02423.jpg new file mode 100644 index 00000000..3e94f862 Binary files /dev/null and b/flowers/train/43/image_02423.jpg differ diff --git a/flowers/train/43/image_02424.jpg b/flowers/train/43/image_02424.jpg new file mode 100644 index 00000000..14f15dfd Binary files /dev/null and b/flowers/train/43/image_02424.jpg differ diff --git a/flowers/train/43/image_02427.jpg b/flowers/train/43/image_02427.jpg new file mode 100644 index 00000000..43a43af3 Binary files /dev/null and b/flowers/train/43/image_02427.jpg differ diff --git a/flowers/train/43/image_02428.jpg b/flowers/train/43/image_02428.jpg new file mode 100644 index 00000000..55ea61f5 Binary files /dev/null and b/flowers/train/43/image_02428.jpg differ diff --git a/flowers/train/43/image_02430.jpg b/flowers/train/43/image_02430.jpg new file mode 100644 index 00000000..c2922939 Binary files /dev/null and b/flowers/train/43/image_02430.jpg differ diff --git a/flowers/train/43/image_02432.jpg b/flowers/train/43/image_02432.jpg new file mode 100644 index 00000000..4c7d58c6 Binary files /dev/null and b/flowers/train/43/image_02432.jpg differ diff --git a/flowers/train/43/image_02434.jpg b/flowers/train/43/image_02434.jpg new file mode 100644 index 00000000..51b19731 Binary files /dev/null and b/flowers/train/43/image_02434.jpg differ diff --git a/flowers/train/43/image_02436.jpg b/flowers/train/43/image_02436.jpg new file mode 100644 index 00000000..6dbe79e4 Binary files /dev/null and b/flowers/train/43/image_02436.jpg differ diff --git a/flowers/train/43/image_02437.jpg b/flowers/train/43/image_02437.jpg new file mode 100644 index 00000000..f114907a Binary files /dev/null and b/flowers/train/43/image_02437.jpg differ diff --git a/flowers/train/43/image_02438.jpg b/flowers/train/43/image_02438.jpg new file mode 100644 index 00000000..97ca3772 Binary files /dev/null and b/flowers/train/43/image_02438.jpg differ diff --git a/flowers/train/43/image_02439.jpg b/flowers/train/43/image_02439.jpg new file mode 100644 index 00000000..e484c8ac Binary files /dev/null and b/flowers/train/43/image_02439.jpg differ diff --git a/flowers/train/43/image_02440.jpg b/flowers/train/43/image_02440.jpg new file mode 100644 index 00000000..d069ed5e Binary files /dev/null and b/flowers/train/43/image_02440.jpg differ diff --git a/flowers/train/43/image_02441.jpg b/flowers/train/43/image_02441.jpg new file mode 100644 index 00000000..1cf42afa Binary files /dev/null and b/flowers/train/43/image_02441.jpg differ diff --git a/flowers/train/43/image_02442.jpg b/flowers/train/43/image_02442.jpg new file mode 100644 index 00000000..f809d15b Binary files /dev/null and b/flowers/train/43/image_02442.jpg differ diff --git a/flowers/train/43/image_02444.jpg b/flowers/train/43/image_02444.jpg new file mode 100644 index 00000000..3f9b1b71 Binary files /dev/null and b/flowers/train/43/image_02444.jpg differ diff --git a/flowers/train/43/image_02445.jpg b/flowers/train/43/image_02445.jpg new file mode 100644 index 00000000..c168f846 Binary files /dev/null and b/flowers/train/43/image_02445.jpg differ diff --git a/flowers/train/44/image_01492.jpg b/flowers/train/44/image_01492.jpg new file mode 100644 index 00000000..3e1149e5 Binary files /dev/null and b/flowers/train/44/image_01492.jpg differ diff --git a/flowers/train/44/image_01493.jpg b/flowers/train/44/image_01493.jpg new file mode 100644 index 00000000..f1a0ea01 Binary files /dev/null and b/flowers/train/44/image_01493.jpg differ diff --git a/flowers/train/44/image_01495.jpg b/flowers/train/44/image_01495.jpg new file mode 100644 index 00000000..7e0c156c Binary files /dev/null and b/flowers/train/44/image_01495.jpg differ diff --git a/flowers/train/44/image_01496.jpg b/flowers/train/44/image_01496.jpg new file mode 100644 index 00000000..795cc060 Binary files /dev/null and b/flowers/train/44/image_01496.jpg differ diff --git a/flowers/train/44/image_01497.jpg b/flowers/train/44/image_01497.jpg new file mode 100644 index 00000000..cf7efb37 Binary files /dev/null and b/flowers/train/44/image_01497.jpg differ diff --git a/flowers/train/44/image_01498.jpg b/flowers/train/44/image_01498.jpg new file mode 100644 index 00000000..f75d03b0 Binary files /dev/null and b/flowers/train/44/image_01498.jpg differ diff --git a/flowers/train/44/image_01499.jpg b/flowers/train/44/image_01499.jpg new file mode 100644 index 00000000..22f8fc3c Binary files /dev/null and b/flowers/train/44/image_01499.jpg differ diff --git a/flowers/train/44/image_01501.jpg b/flowers/train/44/image_01501.jpg new file mode 100644 index 00000000..e83e9a94 Binary files /dev/null and b/flowers/train/44/image_01501.jpg differ diff --git a/flowers/train/44/image_01503.jpg b/flowers/train/44/image_01503.jpg new file mode 100644 index 00000000..334de49d Binary files /dev/null and b/flowers/train/44/image_01503.jpg differ diff --git a/flowers/train/44/image_01504.jpg b/flowers/train/44/image_01504.jpg new file mode 100644 index 00000000..5b898139 Binary files /dev/null and b/flowers/train/44/image_01504.jpg differ diff --git a/flowers/train/44/image_01505.jpg b/flowers/train/44/image_01505.jpg new file mode 100644 index 00000000..6dcc40ab Binary files /dev/null and b/flowers/train/44/image_01505.jpg differ diff --git a/flowers/train/44/image_01506.jpg b/flowers/train/44/image_01506.jpg new file mode 100644 index 00000000..59a89726 Binary files /dev/null and b/flowers/train/44/image_01506.jpg differ diff --git a/flowers/train/44/image_01507.jpg b/flowers/train/44/image_01507.jpg new file mode 100644 index 00000000..7b96c717 Binary files /dev/null and b/flowers/train/44/image_01507.jpg differ diff --git a/flowers/train/44/image_01508.jpg b/flowers/train/44/image_01508.jpg new file mode 100644 index 00000000..c587b696 Binary files /dev/null and b/flowers/train/44/image_01508.jpg differ diff --git a/flowers/train/44/image_01509.jpg b/flowers/train/44/image_01509.jpg new file mode 100644 index 00000000..c9e4a384 Binary files /dev/null and b/flowers/train/44/image_01509.jpg differ diff --git a/flowers/train/44/image_01511.jpg b/flowers/train/44/image_01511.jpg new file mode 100644 index 00000000..6985233b Binary files /dev/null and b/flowers/train/44/image_01511.jpg differ diff --git a/flowers/train/44/image_01513.jpg b/flowers/train/44/image_01513.jpg new file mode 100644 index 00000000..d3d72812 Binary files /dev/null and b/flowers/train/44/image_01513.jpg differ diff --git a/flowers/train/44/image_01514.jpg b/flowers/train/44/image_01514.jpg new file mode 100644 index 00000000..08069983 Binary files /dev/null and b/flowers/train/44/image_01514.jpg differ diff --git a/flowers/train/44/image_01517.jpg b/flowers/train/44/image_01517.jpg new file mode 100644 index 00000000..d79db582 Binary files /dev/null and b/flowers/train/44/image_01517.jpg differ diff --git a/flowers/train/44/image_01519.jpg b/flowers/train/44/image_01519.jpg new file mode 100644 index 00000000..044ccd2c Binary files /dev/null and b/flowers/train/44/image_01519.jpg differ diff --git a/flowers/train/44/image_01520.jpg b/flowers/train/44/image_01520.jpg new file mode 100644 index 00000000..494344ab Binary files /dev/null and b/flowers/train/44/image_01520.jpg differ diff --git a/flowers/train/44/image_01521.jpg b/flowers/train/44/image_01521.jpg new file mode 100644 index 00000000..b428cac9 Binary files /dev/null and b/flowers/train/44/image_01521.jpg differ diff --git a/flowers/train/44/image_01522.jpg b/flowers/train/44/image_01522.jpg new file mode 100644 index 00000000..df91489a Binary files /dev/null and b/flowers/train/44/image_01522.jpg differ diff --git a/flowers/train/44/image_01523.jpg b/flowers/train/44/image_01523.jpg new file mode 100644 index 00000000..0027ec7f Binary files /dev/null and b/flowers/train/44/image_01523.jpg differ diff --git a/flowers/train/44/image_01524.jpg b/flowers/train/44/image_01524.jpg new file mode 100644 index 00000000..74d6477d Binary files /dev/null and b/flowers/train/44/image_01524.jpg differ diff --git a/flowers/train/44/image_01525.jpg b/flowers/train/44/image_01525.jpg new file mode 100644 index 00000000..ff688e2c Binary files /dev/null and b/flowers/train/44/image_01525.jpg differ diff --git a/flowers/train/44/image_01526.jpg b/flowers/train/44/image_01526.jpg new file mode 100644 index 00000000..e90f68d7 Binary files /dev/null and b/flowers/train/44/image_01526.jpg differ diff --git a/flowers/train/44/image_01528.jpg b/flowers/train/44/image_01528.jpg new file mode 100644 index 00000000..b4efbf04 Binary files /dev/null and b/flowers/train/44/image_01528.jpg differ diff --git a/flowers/train/44/image_01529.jpg b/flowers/train/44/image_01529.jpg new file mode 100644 index 00000000..0095ac3b Binary files /dev/null and b/flowers/train/44/image_01529.jpg differ diff --git a/flowers/train/44/image_01531.jpg b/flowers/train/44/image_01531.jpg new file mode 100644 index 00000000..1e9384f8 Binary files /dev/null and b/flowers/train/44/image_01531.jpg differ diff --git a/flowers/train/44/image_01532.jpg b/flowers/train/44/image_01532.jpg new file mode 100644 index 00000000..2a647398 Binary files /dev/null and b/flowers/train/44/image_01532.jpg differ diff --git a/flowers/train/44/image_01533.jpg b/flowers/train/44/image_01533.jpg new file mode 100644 index 00000000..ce532c32 Binary files /dev/null and b/flowers/train/44/image_01533.jpg differ diff --git a/flowers/train/44/image_01534.jpg b/flowers/train/44/image_01534.jpg new file mode 100644 index 00000000..29988cf9 Binary files /dev/null and b/flowers/train/44/image_01534.jpg differ diff --git a/flowers/train/44/image_01535.jpg b/flowers/train/44/image_01535.jpg new file mode 100644 index 00000000..1f93faf5 Binary files /dev/null and b/flowers/train/44/image_01535.jpg differ diff --git a/flowers/train/44/image_01536.jpg b/flowers/train/44/image_01536.jpg new file mode 100644 index 00000000..d3e15a1e Binary files /dev/null and b/flowers/train/44/image_01536.jpg differ diff --git a/flowers/train/44/image_01537.jpg b/flowers/train/44/image_01537.jpg new file mode 100644 index 00000000..47072975 Binary files /dev/null and b/flowers/train/44/image_01537.jpg differ diff --git a/flowers/train/44/image_01538.jpg b/flowers/train/44/image_01538.jpg new file mode 100644 index 00000000..f3b2d8a1 Binary files /dev/null and b/flowers/train/44/image_01538.jpg differ diff --git a/flowers/train/44/image_01539.jpg b/flowers/train/44/image_01539.jpg new file mode 100644 index 00000000..87297e50 Binary files /dev/null and b/flowers/train/44/image_01539.jpg differ diff --git a/flowers/train/44/image_01541.jpg b/flowers/train/44/image_01541.jpg new file mode 100644 index 00000000..844e1f0d Binary files /dev/null and b/flowers/train/44/image_01541.jpg differ diff --git a/flowers/train/44/image_01542.jpg b/flowers/train/44/image_01542.jpg new file mode 100644 index 00000000..0712de43 Binary files /dev/null and b/flowers/train/44/image_01542.jpg differ diff --git a/flowers/train/44/image_01543.jpg b/flowers/train/44/image_01543.jpg new file mode 100644 index 00000000..09b3fede Binary files /dev/null and b/flowers/train/44/image_01543.jpg differ diff --git a/flowers/train/44/image_01544.jpg b/flowers/train/44/image_01544.jpg new file mode 100644 index 00000000..cb148dc0 Binary files /dev/null and b/flowers/train/44/image_01544.jpg differ diff --git a/flowers/train/44/image_01545.jpg b/flowers/train/44/image_01545.jpg new file mode 100644 index 00000000..1d43d250 Binary files /dev/null and b/flowers/train/44/image_01545.jpg differ diff --git a/flowers/train/44/image_01546.jpg b/flowers/train/44/image_01546.jpg new file mode 100644 index 00000000..31f867a0 Binary files /dev/null and b/flowers/train/44/image_01546.jpg differ diff --git a/flowers/train/44/image_01547.jpg b/flowers/train/44/image_01547.jpg new file mode 100644 index 00000000..64e521f4 Binary files /dev/null and b/flowers/train/44/image_01547.jpg differ diff --git a/flowers/train/44/image_01549.jpg b/flowers/train/44/image_01549.jpg new file mode 100644 index 00000000..7110ebf0 Binary files /dev/null and b/flowers/train/44/image_01549.jpg differ diff --git a/flowers/train/44/image_01550.jpg b/flowers/train/44/image_01550.jpg new file mode 100644 index 00000000..161b6bd9 Binary files /dev/null and b/flowers/train/44/image_01550.jpg differ diff --git a/flowers/train/44/image_01551.jpg b/flowers/train/44/image_01551.jpg new file mode 100644 index 00000000..eedc5a0c Binary files /dev/null and b/flowers/train/44/image_01551.jpg differ diff --git a/flowers/train/44/image_01552.jpg b/flowers/train/44/image_01552.jpg new file mode 100644 index 00000000..dbbfdc0b Binary files /dev/null and b/flowers/train/44/image_01552.jpg differ diff --git a/flowers/train/44/image_01553.jpg b/flowers/train/44/image_01553.jpg new file mode 100644 index 00000000..0ecd6b86 Binary files /dev/null and b/flowers/train/44/image_01553.jpg differ diff --git a/flowers/train/44/image_01554.jpg b/flowers/train/44/image_01554.jpg new file mode 100644 index 00000000..1eba30f7 Binary files /dev/null and b/flowers/train/44/image_01554.jpg differ diff --git a/flowers/train/44/image_01555.jpg b/flowers/train/44/image_01555.jpg new file mode 100644 index 00000000..4eec07ae Binary files /dev/null and b/flowers/train/44/image_01555.jpg differ diff --git a/flowers/train/44/image_01556.jpg b/flowers/train/44/image_01556.jpg new file mode 100644 index 00000000..e3897a87 Binary files /dev/null and b/flowers/train/44/image_01556.jpg differ diff --git a/flowers/train/44/image_01557.jpg b/flowers/train/44/image_01557.jpg new file mode 100644 index 00000000..7017a5a1 Binary files /dev/null and b/flowers/train/44/image_01557.jpg differ diff --git a/flowers/train/44/image_01558.jpg b/flowers/train/44/image_01558.jpg new file mode 100644 index 00000000..99cb2553 Binary files /dev/null and b/flowers/train/44/image_01558.jpg differ diff --git a/flowers/train/44/image_01559.jpg b/flowers/train/44/image_01559.jpg new file mode 100644 index 00000000..a71f70ec Binary files /dev/null and b/flowers/train/44/image_01559.jpg differ diff --git a/flowers/train/44/image_01561.jpg b/flowers/train/44/image_01561.jpg new file mode 100644 index 00000000..526f8934 Binary files /dev/null and b/flowers/train/44/image_01561.jpg differ diff --git a/flowers/train/44/image_01562.jpg b/flowers/train/44/image_01562.jpg new file mode 100644 index 00000000..39271c53 Binary files /dev/null and b/flowers/train/44/image_01562.jpg differ diff --git a/flowers/train/44/image_01563.jpg b/flowers/train/44/image_01563.jpg new file mode 100644 index 00000000..5cb9be1b Binary files /dev/null and b/flowers/train/44/image_01563.jpg differ diff --git a/flowers/train/44/image_01565.jpg b/flowers/train/44/image_01565.jpg new file mode 100644 index 00000000..4234ad4a Binary files /dev/null and b/flowers/train/44/image_01565.jpg differ diff --git a/flowers/train/44/image_01566.jpg b/flowers/train/44/image_01566.jpg new file mode 100644 index 00000000..22d3330a Binary files /dev/null and b/flowers/train/44/image_01566.jpg differ diff --git a/flowers/train/44/image_01567.jpg b/flowers/train/44/image_01567.jpg new file mode 100644 index 00000000..40f22592 Binary files /dev/null and b/flowers/train/44/image_01567.jpg differ diff --git a/flowers/train/44/image_01568.jpg b/flowers/train/44/image_01568.jpg new file mode 100644 index 00000000..e104961e Binary files /dev/null and b/flowers/train/44/image_01568.jpg differ diff --git a/flowers/train/44/image_01571.jpg b/flowers/train/44/image_01571.jpg new file mode 100644 index 00000000..3d6911c1 Binary files /dev/null and b/flowers/train/44/image_01571.jpg differ diff --git a/flowers/train/44/image_01572.jpg b/flowers/train/44/image_01572.jpg new file mode 100644 index 00000000..bb7a9540 Binary files /dev/null and b/flowers/train/44/image_01572.jpg differ diff --git a/flowers/train/44/image_01574.jpg b/flowers/train/44/image_01574.jpg new file mode 100644 index 00000000..19a8908f Binary files /dev/null and b/flowers/train/44/image_01574.jpg differ diff --git a/flowers/train/44/image_01575.jpg b/flowers/train/44/image_01575.jpg new file mode 100644 index 00000000..67dd9fc0 Binary files /dev/null and b/flowers/train/44/image_01575.jpg differ diff --git a/flowers/train/44/image_01576.jpg b/flowers/train/44/image_01576.jpg new file mode 100644 index 00000000..a38b7913 Binary files /dev/null and b/flowers/train/44/image_01576.jpg differ diff --git a/flowers/train/44/image_01577.jpg b/flowers/train/44/image_01577.jpg new file mode 100644 index 00000000..ac6fc9c2 Binary files /dev/null and b/flowers/train/44/image_01577.jpg differ diff --git a/flowers/train/44/image_01580.jpg b/flowers/train/44/image_01580.jpg new file mode 100644 index 00000000..e877c14c Binary files /dev/null and b/flowers/train/44/image_01580.jpg differ diff --git a/flowers/train/44/image_01581.jpg b/flowers/train/44/image_01581.jpg new file mode 100644 index 00000000..dcf8ce61 Binary files /dev/null and b/flowers/train/44/image_01581.jpg differ diff --git a/flowers/train/44/image_01582.jpg b/flowers/train/44/image_01582.jpg new file mode 100644 index 00000000..77af4430 Binary files /dev/null and b/flowers/train/44/image_01582.jpg differ diff --git a/flowers/train/44/image_01583.jpg b/flowers/train/44/image_01583.jpg new file mode 100644 index 00000000..10eb0766 Binary files /dev/null and b/flowers/train/44/image_01583.jpg differ diff --git a/flowers/train/45/image_07123.jpg b/flowers/train/45/image_07123.jpg new file mode 100644 index 00000000..fde46acc Binary files /dev/null and b/flowers/train/45/image_07123.jpg differ diff --git a/flowers/train/45/image_07124.jpg b/flowers/train/45/image_07124.jpg new file mode 100644 index 00000000..95755052 Binary files /dev/null and b/flowers/train/45/image_07124.jpg differ diff --git a/flowers/train/45/image_07125.jpg b/flowers/train/45/image_07125.jpg new file mode 100644 index 00000000..289b9d4c Binary files /dev/null and b/flowers/train/45/image_07125.jpg differ diff --git a/flowers/train/45/image_07126.jpg b/flowers/train/45/image_07126.jpg new file mode 100644 index 00000000..07ff5e54 Binary files /dev/null and b/flowers/train/45/image_07126.jpg differ diff --git a/flowers/train/45/image_07128.jpg b/flowers/train/45/image_07128.jpg new file mode 100644 index 00000000..39adbcbd Binary files /dev/null and b/flowers/train/45/image_07128.jpg differ diff --git a/flowers/train/45/image_07129.jpg b/flowers/train/45/image_07129.jpg new file mode 100644 index 00000000..702c0ecf Binary files /dev/null and b/flowers/train/45/image_07129.jpg differ diff --git a/flowers/train/45/image_07130.jpg b/flowers/train/45/image_07130.jpg new file mode 100644 index 00000000..f2cb2d5a Binary files /dev/null and b/flowers/train/45/image_07130.jpg differ diff --git a/flowers/train/45/image_07131.jpg b/flowers/train/45/image_07131.jpg new file mode 100644 index 00000000..0bfc0f10 Binary files /dev/null and b/flowers/train/45/image_07131.jpg differ diff --git a/flowers/train/45/image_07132.jpg b/flowers/train/45/image_07132.jpg new file mode 100644 index 00000000..b813ed2b Binary files /dev/null and b/flowers/train/45/image_07132.jpg differ diff --git a/flowers/train/45/image_07133.jpg b/flowers/train/45/image_07133.jpg new file mode 100644 index 00000000..be97bc7e Binary files /dev/null and b/flowers/train/45/image_07133.jpg differ diff --git a/flowers/train/45/image_07134.jpg b/flowers/train/45/image_07134.jpg new file mode 100644 index 00000000..fc077c9d Binary files /dev/null and b/flowers/train/45/image_07134.jpg differ diff --git a/flowers/train/45/image_07135.jpg b/flowers/train/45/image_07135.jpg new file mode 100644 index 00000000..fa584c85 Binary files /dev/null and b/flowers/train/45/image_07135.jpg differ diff --git a/flowers/train/45/image_07136.jpg b/flowers/train/45/image_07136.jpg new file mode 100644 index 00000000..8d81cf02 Binary files /dev/null and b/flowers/train/45/image_07136.jpg differ diff --git a/flowers/train/45/image_07138.jpg b/flowers/train/45/image_07138.jpg new file mode 100644 index 00000000..34bd338a Binary files /dev/null and b/flowers/train/45/image_07138.jpg differ diff --git a/flowers/train/45/image_07141.jpg b/flowers/train/45/image_07141.jpg new file mode 100644 index 00000000..f0729453 Binary files /dev/null and b/flowers/train/45/image_07141.jpg differ diff --git a/flowers/train/45/image_07143.jpg b/flowers/train/45/image_07143.jpg new file mode 100644 index 00000000..f7723a8d Binary files /dev/null and b/flowers/train/45/image_07143.jpg differ diff --git a/flowers/train/45/image_07144.jpg b/flowers/train/45/image_07144.jpg new file mode 100644 index 00000000..58ea5122 Binary files /dev/null and b/flowers/train/45/image_07144.jpg differ diff --git a/flowers/train/45/image_07145.jpg b/flowers/train/45/image_07145.jpg new file mode 100644 index 00000000..1c89a561 Binary files /dev/null and b/flowers/train/45/image_07145.jpg differ diff --git a/flowers/train/45/image_07146.jpg b/flowers/train/45/image_07146.jpg new file mode 100644 index 00000000..698ccaab Binary files /dev/null and b/flowers/train/45/image_07146.jpg differ diff --git a/flowers/train/45/image_07147.jpg b/flowers/train/45/image_07147.jpg new file mode 100644 index 00000000..c3e5aab4 Binary files /dev/null and b/flowers/train/45/image_07147.jpg differ diff --git a/flowers/train/45/image_07148.jpg b/flowers/train/45/image_07148.jpg new file mode 100644 index 00000000..04699afa Binary files /dev/null and b/flowers/train/45/image_07148.jpg differ diff --git a/flowers/train/45/image_07149.jpg b/flowers/train/45/image_07149.jpg new file mode 100644 index 00000000..4f4139a6 Binary files /dev/null and b/flowers/train/45/image_07149.jpg differ diff --git a/flowers/train/45/image_07150.jpg b/flowers/train/45/image_07150.jpg new file mode 100644 index 00000000..e8f28c35 Binary files /dev/null and b/flowers/train/45/image_07150.jpg differ diff --git a/flowers/train/45/image_07151.jpg b/flowers/train/45/image_07151.jpg new file mode 100644 index 00000000..64110e92 Binary files /dev/null and b/flowers/train/45/image_07151.jpg differ diff --git a/flowers/train/45/image_07152.jpg b/flowers/train/45/image_07152.jpg new file mode 100644 index 00000000..aa4259ff Binary files /dev/null and b/flowers/train/45/image_07152.jpg differ diff --git a/flowers/train/45/image_07153.jpg b/flowers/train/45/image_07153.jpg new file mode 100644 index 00000000..412c5443 Binary files /dev/null and b/flowers/train/45/image_07153.jpg differ diff --git a/flowers/train/45/image_07154.jpg b/flowers/train/45/image_07154.jpg new file mode 100644 index 00000000..2e9b2087 Binary files /dev/null and b/flowers/train/45/image_07154.jpg differ diff --git a/flowers/train/45/image_07156.jpg b/flowers/train/45/image_07156.jpg new file mode 100644 index 00000000..2f53935f Binary files /dev/null and b/flowers/train/45/image_07156.jpg differ diff --git a/flowers/train/45/image_07157.jpg b/flowers/train/45/image_07157.jpg new file mode 100644 index 00000000..0a21410c Binary files /dev/null and b/flowers/train/45/image_07157.jpg differ diff --git a/flowers/train/45/image_07158.jpg b/flowers/train/45/image_07158.jpg new file mode 100644 index 00000000..209e9aa7 Binary files /dev/null and b/flowers/train/45/image_07158.jpg differ diff --git a/flowers/train/45/image_07159.jpg b/flowers/train/45/image_07159.jpg new file mode 100644 index 00000000..9c69d05b Binary files /dev/null and b/flowers/train/45/image_07159.jpg differ diff --git a/flowers/train/45/image_07161.jpg b/flowers/train/45/image_07161.jpg new file mode 100644 index 00000000..31e3a9df Binary files /dev/null and b/flowers/train/45/image_07161.jpg differ diff --git a/flowers/train/45/image_08098.jpg b/flowers/train/45/image_08098.jpg new file mode 100644 index 00000000..a5b53d16 Binary files /dev/null and b/flowers/train/45/image_08098.jpg differ diff --git a/flowers/train/46/image_00947.jpg b/flowers/train/46/image_00947.jpg new file mode 100644 index 00000000..4298e161 Binary files /dev/null and b/flowers/train/46/image_00947.jpg differ diff --git a/flowers/train/46/image_00948.jpg b/flowers/train/46/image_00948.jpg new file mode 100644 index 00000000..a36a4088 Binary files /dev/null and b/flowers/train/46/image_00948.jpg differ diff --git a/flowers/train/46/image_00950.jpg b/flowers/train/46/image_00950.jpg new file mode 100644 index 00000000..552898b5 Binary files /dev/null and b/flowers/train/46/image_00950.jpg differ diff --git a/flowers/train/46/image_00951.jpg b/flowers/train/46/image_00951.jpg new file mode 100644 index 00000000..9a78ab95 Binary files /dev/null and b/flowers/train/46/image_00951.jpg differ diff --git a/flowers/train/46/image_00952.jpg b/flowers/train/46/image_00952.jpg new file mode 100644 index 00000000..c39bbb74 Binary files /dev/null and b/flowers/train/46/image_00952.jpg differ diff --git a/flowers/train/46/image_00953.jpg b/flowers/train/46/image_00953.jpg new file mode 100644 index 00000000..f7d0008e Binary files /dev/null and b/flowers/train/46/image_00953.jpg differ diff --git a/flowers/train/46/image_00954.jpg b/flowers/train/46/image_00954.jpg new file mode 100644 index 00000000..0ea59aba Binary files /dev/null and b/flowers/train/46/image_00954.jpg differ diff --git a/flowers/train/46/image_00955.jpg b/flowers/train/46/image_00955.jpg new file mode 100644 index 00000000..1abea102 Binary files /dev/null and b/flowers/train/46/image_00955.jpg differ diff --git a/flowers/train/46/image_00956.jpg b/flowers/train/46/image_00956.jpg new file mode 100644 index 00000000..4822239c Binary files /dev/null and b/flowers/train/46/image_00956.jpg differ diff --git a/flowers/train/46/image_00957.jpg b/flowers/train/46/image_00957.jpg new file mode 100644 index 00000000..42e67d32 Binary files /dev/null and b/flowers/train/46/image_00957.jpg differ diff --git a/flowers/train/46/image_00959.jpg b/flowers/train/46/image_00959.jpg new file mode 100644 index 00000000..1ff90484 Binary files /dev/null and b/flowers/train/46/image_00959.jpg differ diff --git a/flowers/train/46/image_00960.jpg b/flowers/train/46/image_00960.jpg new file mode 100644 index 00000000..1e4e5bc6 Binary files /dev/null and b/flowers/train/46/image_00960.jpg differ diff --git a/flowers/train/46/image_00962.jpg b/flowers/train/46/image_00962.jpg new file mode 100644 index 00000000..4d97f886 Binary files /dev/null and b/flowers/train/46/image_00962.jpg differ diff --git a/flowers/train/46/image_00963.jpg b/flowers/train/46/image_00963.jpg new file mode 100644 index 00000000..56463477 Binary files /dev/null and b/flowers/train/46/image_00963.jpg differ diff --git a/flowers/train/46/image_00964.jpg b/flowers/train/46/image_00964.jpg new file mode 100644 index 00000000..c4bb3f78 Binary files /dev/null and b/flowers/train/46/image_00964.jpg differ diff --git a/flowers/train/46/image_00965.jpg b/flowers/train/46/image_00965.jpg new file mode 100644 index 00000000..ec1b30fe Binary files /dev/null and b/flowers/train/46/image_00965.jpg differ diff --git a/flowers/train/46/image_00966.jpg b/flowers/train/46/image_00966.jpg new file mode 100644 index 00000000..c00e7877 Binary files /dev/null and b/flowers/train/46/image_00966.jpg differ diff --git a/flowers/train/46/image_00967.jpg b/flowers/train/46/image_00967.jpg new file mode 100644 index 00000000..bce1e700 Binary files /dev/null and b/flowers/train/46/image_00967.jpg differ diff --git a/flowers/train/46/image_00968.jpg b/flowers/train/46/image_00968.jpg new file mode 100644 index 00000000..18e76067 Binary files /dev/null and b/flowers/train/46/image_00968.jpg differ diff --git a/flowers/train/46/image_00971.jpg b/flowers/train/46/image_00971.jpg new file mode 100644 index 00000000..530be1ff Binary files /dev/null and b/flowers/train/46/image_00971.jpg differ diff --git a/flowers/train/46/image_00972.jpg b/flowers/train/46/image_00972.jpg new file mode 100644 index 00000000..a509460d Binary files /dev/null and b/flowers/train/46/image_00972.jpg differ diff --git a/flowers/train/46/image_00973.jpg b/flowers/train/46/image_00973.jpg new file mode 100644 index 00000000..2d9c9647 Binary files /dev/null and b/flowers/train/46/image_00973.jpg differ diff --git a/flowers/train/46/image_00974.jpg b/flowers/train/46/image_00974.jpg new file mode 100644 index 00000000..0c61c13c Binary files /dev/null and b/flowers/train/46/image_00974.jpg differ diff --git a/flowers/train/46/image_00975.jpg b/flowers/train/46/image_00975.jpg new file mode 100644 index 00000000..6023cbad Binary files /dev/null and b/flowers/train/46/image_00975.jpg differ diff --git a/flowers/train/46/image_00978.jpg b/flowers/train/46/image_00978.jpg new file mode 100644 index 00000000..543e84d7 Binary files /dev/null and b/flowers/train/46/image_00978.jpg differ diff --git a/flowers/train/46/image_00979.jpg b/flowers/train/46/image_00979.jpg new file mode 100644 index 00000000..9cba0ff5 Binary files /dev/null and b/flowers/train/46/image_00979.jpg differ diff --git a/flowers/train/46/image_00980.jpg b/flowers/train/46/image_00980.jpg new file mode 100644 index 00000000..afc9329a Binary files /dev/null and b/flowers/train/46/image_00980.jpg differ diff --git a/flowers/train/46/image_00981.jpg b/flowers/train/46/image_00981.jpg new file mode 100644 index 00000000..10497963 Binary files /dev/null and b/flowers/train/46/image_00981.jpg differ diff --git a/flowers/train/46/image_00982.jpg b/flowers/train/46/image_00982.jpg new file mode 100644 index 00000000..ce3856d0 Binary files /dev/null and b/flowers/train/46/image_00982.jpg differ diff --git a/flowers/train/46/image_00984.jpg b/flowers/train/46/image_00984.jpg new file mode 100644 index 00000000..0b4f4d4c Binary files /dev/null and b/flowers/train/46/image_00984.jpg differ diff --git a/flowers/train/46/image_00985.jpg b/flowers/train/46/image_00985.jpg new file mode 100644 index 00000000..033b544b Binary files /dev/null and b/flowers/train/46/image_00985.jpg differ diff --git a/flowers/train/46/image_00986.jpg b/flowers/train/46/image_00986.jpg new file mode 100644 index 00000000..c79162c6 Binary files /dev/null and b/flowers/train/46/image_00986.jpg differ diff --git a/flowers/train/46/image_00987.jpg b/flowers/train/46/image_00987.jpg new file mode 100644 index 00000000..d18572a0 Binary files /dev/null and b/flowers/train/46/image_00987.jpg differ diff --git a/flowers/train/46/image_00988.jpg b/flowers/train/46/image_00988.jpg new file mode 100644 index 00000000..db3d16cf Binary files /dev/null and b/flowers/train/46/image_00988.jpg differ diff --git a/flowers/train/46/image_00989.jpg b/flowers/train/46/image_00989.jpg new file mode 100644 index 00000000..34d9ed50 Binary files /dev/null and b/flowers/train/46/image_00989.jpg differ diff --git a/flowers/train/46/image_00991.jpg b/flowers/train/46/image_00991.jpg new file mode 100644 index 00000000..d5744c44 Binary files /dev/null and b/flowers/train/46/image_00991.jpg differ diff --git a/flowers/train/46/image_00992.jpg b/flowers/train/46/image_00992.jpg new file mode 100644 index 00000000..ea99a393 Binary files /dev/null and b/flowers/train/46/image_00992.jpg differ diff --git a/flowers/train/46/image_00993.jpg b/flowers/train/46/image_00993.jpg new file mode 100644 index 00000000..0387bfba Binary files /dev/null and b/flowers/train/46/image_00993.jpg differ diff --git a/flowers/train/46/image_00994.jpg b/flowers/train/46/image_00994.jpg new file mode 100644 index 00000000..04954177 Binary files /dev/null and b/flowers/train/46/image_00994.jpg differ diff --git a/flowers/train/46/image_00995.jpg b/flowers/train/46/image_00995.jpg new file mode 100644 index 00000000..dd508083 Binary files /dev/null and b/flowers/train/46/image_00995.jpg differ diff --git a/flowers/train/46/image_00997.jpg b/flowers/train/46/image_00997.jpg new file mode 100644 index 00000000..4be3ca74 Binary files /dev/null and b/flowers/train/46/image_00997.jpg differ diff --git a/flowers/train/46/image_00998.jpg b/flowers/train/46/image_00998.jpg new file mode 100644 index 00000000..ea237d23 Binary files /dev/null and b/flowers/train/46/image_00998.jpg differ diff --git a/flowers/train/46/image_01000.jpg b/flowers/train/46/image_01000.jpg new file mode 100644 index 00000000..f11dfff0 Binary files /dev/null and b/flowers/train/46/image_01000.jpg differ diff --git a/flowers/train/46/image_01001.jpg b/flowers/train/46/image_01001.jpg new file mode 100644 index 00000000..5b8d1884 Binary files /dev/null and b/flowers/train/46/image_01001.jpg differ diff --git a/flowers/train/46/image_01002.jpg b/flowers/train/46/image_01002.jpg new file mode 100644 index 00000000..3c503ccd Binary files /dev/null and b/flowers/train/46/image_01002.jpg differ diff --git a/flowers/train/46/image_01004.jpg b/flowers/train/46/image_01004.jpg new file mode 100644 index 00000000..7aef897e Binary files /dev/null and b/flowers/train/46/image_01004.jpg differ diff --git a/flowers/train/46/image_01005.jpg b/flowers/train/46/image_01005.jpg new file mode 100644 index 00000000..1610cbb2 Binary files /dev/null and b/flowers/train/46/image_01005.jpg differ diff --git a/flowers/train/46/image_01006.jpg b/flowers/train/46/image_01006.jpg new file mode 100644 index 00000000..57aa6024 Binary files /dev/null and b/flowers/train/46/image_01006.jpg differ diff --git a/flowers/train/46/image_01007.jpg b/flowers/train/46/image_01007.jpg new file mode 100644 index 00000000..2bad59df Binary files /dev/null and b/flowers/train/46/image_01007.jpg differ diff --git a/flowers/train/46/image_01008.jpg b/flowers/train/46/image_01008.jpg new file mode 100644 index 00000000..eb748105 Binary files /dev/null and b/flowers/train/46/image_01008.jpg differ diff --git a/flowers/train/46/image_01009.jpg b/flowers/train/46/image_01009.jpg new file mode 100644 index 00000000..5f14e100 Binary files /dev/null and b/flowers/train/46/image_01009.jpg differ diff --git a/flowers/train/46/image_01010.jpg b/flowers/train/46/image_01010.jpg new file mode 100644 index 00000000..110ff3a5 Binary files /dev/null and b/flowers/train/46/image_01010.jpg differ diff --git a/flowers/train/46/image_01011.jpg b/flowers/train/46/image_01011.jpg new file mode 100644 index 00000000..1aca8c9f Binary files /dev/null and b/flowers/train/46/image_01011.jpg differ diff --git a/flowers/train/46/image_01012.jpg b/flowers/train/46/image_01012.jpg new file mode 100644 index 00000000..d6033002 Binary files /dev/null and b/flowers/train/46/image_01012.jpg differ diff --git a/flowers/train/46/image_01013.jpg b/flowers/train/46/image_01013.jpg new file mode 100644 index 00000000..3ea50a08 Binary files /dev/null and b/flowers/train/46/image_01013.jpg differ diff --git a/flowers/train/46/image_01014.jpg b/flowers/train/46/image_01014.jpg new file mode 100644 index 00000000..9b608fed Binary files /dev/null and b/flowers/train/46/image_01014.jpg differ diff --git a/flowers/train/46/image_01015.jpg b/flowers/train/46/image_01015.jpg new file mode 100644 index 00000000..01ef293e Binary files /dev/null and b/flowers/train/46/image_01015.jpg differ diff --git a/flowers/train/46/image_01016.jpg b/flowers/train/46/image_01016.jpg new file mode 100644 index 00000000..f31e1c11 Binary files /dev/null and b/flowers/train/46/image_01016.jpg differ diff --git a/flowers/train/46/image_01017.jpg b/flowers/train/46/image_01017.jpg new file mode 100644 index 00000000..065012d8 Binary files /dev/null and b/flowers/train/46/image_01017.jpg differ diff --git a/flowers/train/46/image_01018.jpg b/flowers/train/46/image_01018.jpg new file mode 100644 index 00000000..c5e71ec8 Binary files /dev/null and b/flowers/train/46/image_01018.jpg differ diff --git a/flowers/train/46/image_01019.jpg b/flowers/train/46/image_01019.jpg new file mode 100644 index 00000000..ccf4b73b Binary files /dev/null and b/flowers/train/46/image_01019.jpg differ diff --git a/flowers/train/46/image_01020.jpg b/flowers/train/46/image_01020.jpg new file mode 100644 index 00000000..1dd7abd5 Binary files /dev/null and b/flowers/train/46/image_01020.jpg differ diff --git a/flowers/train/46/image_01021.jpg b/flowers/train/46/image_01021.jpg new file mode 100644 index 00000000..c06ff84b Binary files /dev/null and b/flowers/train/46/image_01021.jpg differ diff --git a/flowers/train/46/image_01022.jpg b/flowers/train/46/image_01022.jpg new file mode 100644 index 00000000..ecb14bda Binary files /dev/null and b/flowers/train/46/image_01022.jpg differ diff --git a/flowers/train/46/image_01023.jpg b/flowers/train/46/image_01023.jpg new file mode 100644 index 00000000..9a0c5b37 Binary files /dev/null and b/flowers/train/46/image_01023.jpg differ diff --git a/flowers/train/46/image_01024.jpg b/flowers/train/46/image_01024.jpg new file mode 100644 index 00000000..f71b9553 Binary files /dev/null and b/flowers/train/46/image_01024.jpg differ diff --git a/flowers/train/46/image_01025.jpg b/flowers/train/46/image_01025.jpg new file mode 100644 index 00000000..40029b81 Binary files /dev/null and b/flowers/train/46/image_01025.jpg differ diff --git a/flowers/train/46/image_01027.jpg b/flowers/train/46/image_01027.jpg new file mode 100644 index 00000000..5a5fdd04 Binary files /dev/null and b/flowers/train/46/image_01027.jpg differ diff --git a/flowers/train/46/image_01028.jpg b/flowers/train/46/image_01028.jpg new file mode 100644 index 00000000..c408863b Binary files /dev/null and b/flowers/train/46/image_01028.jpg differ diff --git a/flowers/train/46/image_01031.jpg b/flowers/train/46/image_01031.jpg new file mode 100644 index 00000000..48923e15 Binary files /dev/null and b/flowers/train/46/image_01031.jpg differ diff --git a/flowers/train/46/image_01032.jpg b/flowers/train/46/image_01032.jpg new file mode 100644 index 00000000..c210b8d3 Binary files /dev/null and b/flowers/train/46/image_01032.jpg differ diff --git a/flowers/train/46/image_01033.jpg b/flowers/train/46/image_01033.jpg new file mode 100644 index 00000000..bee00857 Binary files /dev/null and b/flowers/train/46/image_01033.jpg differ diff --git a/flowers/train/46/image_01035.jpg b/flowers/train/46/image_01035.jpg new file mode 100644 index 00000000..a76a0099 Binary files /dev/null and b/flowers/train/46/image_01035.jpg differ diff --git a/flowers/train/46/image_01036.jpg b/flowers/train/46/image_01036.jpg new file mode 100644 index 00000000..92836689 Binary files /dev/null and b/flowers/train/46/image_01036.jpg differ diff --git a/flowers/train/46/image_01037.jpg b/flowers/train/46/image_01037.jpg new file mode 100644 index 00000000..b6b7dc76 Binary files /dev/null and b/flowers/train/46/image_01037.jpg differ diff --git a/flowers/train/46/image_01039.jpg b/flowers/train/46/image_01039.jpg new file mode 100644 index 00000000..72c2dc5a Binary files /dev/null and b/flowers/train/46/image_01039.jpg differ diff --git a/flowers/train/46/image_01041.jpg b/flowers/train/46/image_01041.jpg new file mode 100644 index 00000000..3150ad4d Binary files /dev/null and b/flowers/train/46/image_01041.jpg differ diff --git a/flowers/train/46/image_01042.jpg b/flowers/train/46/image_01042.jpg new file mode 100644 index 00000000..49ea04b2 Binary files /dev/null and b/flowers/train/46/image_01042.jpg differ diff --git a/flowers/train/46/image_01043.jpg b/flowers/train/46/image_01043.jpg new file mode 100644 index 00000000..ab3a8466 Binary files /dev/null and b/flowers/train/46/image_01043.jpg differ diff --git a/flowers/train/46/image_01044.jpg b/flowers/train/46/image_01044.jpg new file mode 100644 index 00000000..a4672a99 Binary files /dev/null and b/flowers/train/46/image_01044.jpg differ diff --git a/flowers/train/46/image_01045.jpg b/flowers/train/46/image_01045.jpg new file mode 100644 index 00000000..c021f464 Binary files /dev/null and b/flowers/train/46/image_01045.jpg differ diff --git a/flowers/train/46/image_01046.jpg b/flowers/train/46/image_01046.jpg new file mode 100644 index 00000000..8d1d3fbc Binary files /dev/null and b/flowers/train/46/image_01046.jpg differ diff --git a/flowers/train/46/image_01048.jpg b/flowers/train/46/image_01048.jpg new file mode 100644 index 00000000..62c09e1e Binary files /dev/null and b/flowers/train/46/image_01048.jpg differ diff --git a/flowers/train/46/image_01049.jpg b/flowers/train/46/image_01049.jpg new file mode 100644 index 00000000..1d9c2202 Binary files /dev/null and b/flowers/train/46/image_01049.jpg differ diff --git a/flowers/train/46/image_01051.jpg b/flowers/train/46/image_01051.jpg new file mode 100644 index 00000000..a98bb13e Binary files /dev/null and b/flowers/train/46/image_01051.jpg differ diff --git a/flowers/train/46/image_01052.jpg b/flowers/train/46/image_01052.jpg new file mode 100644 index 00000000..30e83c74 Binary files /dev/null and b/flowers/train/46/image_01052.jpg differ diff --git a/flowers/train/46/image_01053.jpg b/flowers/train/46/image_01053.jpg new file mode 100644 index 00000000..477291fc Binary files /dev/null and b/flowers/train/46/image_01053.jpg differ diff --git a/flowers/train/46/image_01054.jpg b/flowers/train/46/image_01054.jpg new file mode 100644 index 00000000..05ded134 Binary files /dev/null and b/flowers/train/46/image_01054.jpg differ diff --git a/flowers/train/46/image_01055.jpg b/flowers/train/46/image_01055.jpg new file mode 100644 index 00000000..ef89ec63 Binary files /dev/null and b/flowers/train/46/image_01055.jpg differ diff --git a/flowers/train/46/image_01056.jpg b/flowers/train/46/image_01056.jpg new file mode 100644 index 00000000..7fdc918c Binary files /dev/null and b/flowers/train/46/image_01056.jpg differ diff --git a/flowers/train/46/image_01057.jpg b/flowers/train/46/image_01057.jpg new file mode 100644 index 00000000..ea749a9d Binary files /dev/null and b/flowers/train/46/image_01057.jpg differ diff --git a/flowers/train/46/image_01058.jpg b/flowers/train/46/image_01058.jpg new file mode 100644 index 00000000..88629f99 Binary files /dev/null and b/flowers/train/46/image_01058.jpg differ diff --git a/flowers/train/46/image_01059.jpg b/flowers/train/46/image_01059.jpg new file mode 100644 index 00000000..84376bdc Binary files /dev/null and b/flowers/train/46/image_01059.jpg differ diff --git a/flowers/train/46/image_01060.jpg b/flowers/train/46/image_01060.jpg new file mode 100644 index 00000000..857e4091 Binary files /dev/null and b/flowers/train/46/image_01060.jpg differ diff --git a/flowers/train/46/image_01062.jpg b/flowers/train/46/image_01062.jpg new file mode 100644 index 00000000..a5540f61 Binary files /dev/null and b/flowers/train/46/image_01062.jpg differ diff --git a/flowers/train/46/image_01063.jpg b/flowers/train/46/image_01063.jpg new file mode 100644 index 00000000..d6787fb6 Binary files /dev/null and b/flowers/train/46/image_01063.jpg differ diff --git a/flowers/train/46/image_01064.jpg b/flowers/train/46/image_01064.jpg new file mode 100644 index 00000000..0adff457 Binary files /dev/null and b/flowers/train/46/image_01064.jpg differ diff --git a/flowers/train/46/image_01066.jpg b/flowers/train/46/image_01066.jpg new file mode 100644 index 00000000..4d568a4b Binary files /dev/null and b/flowers/train/46/image_01066.jpg differ diff --git a/flowers/train/46/image_01067.jpg b/flowers/train/46/image_01067.jpg new file mode 100644 index 00000000..fb9233b9 Binary files /dev/null and b/flowers/train/46/image_01067.jpg differ diff --git a/flowers/train/46/image_01068.jpg b/flowers/train/46/image_01068.jpg new file mode 100644 index 00000000..bfb3f5dc Binary files /dev/null and b/flowers/train/46/image_01068.jpg differ diff --git a/flowers/train/46/image_01069.jpg b/flowers/train/46/image_01069.jpg new file mode 100644 index 00000000..b32555f7 Binary files /dev/null and b/flowers/train/46/image_01069.jpg differ diff --git a/flowers/train/46/image_01070.jpg b/flowers/train/46/image_01070.jpg new file mode 100644 index 00000000..37454d95 Binary files /dev/null and b/flowers/train/46/image_01070.jpg differ diff --git a/flowers/train/46/image_01072.jpg b/flowers/train/46/image_01072.jpg new file mode 100644 index 00000000..9b24627a Binary files /dev/null and b/flowers/train/46/image_01072.jpg differ diff --git a/flowers/train/46/image_01073.jpg b/flowers/train/46/image_01073.jpg new file mode 100644 index 00000000..3fa38ae7 Binary files /dev/null and b/flowers/train/46/image_01073.jpg differ diff --git a/flowers/train/46/image_01074.jpg b/flowers/train/46/image_01074.jpg new file mode 100644 index 00000000..139b3400 Binary files /dev/null and b/flowers/train/46/image_01074.jpg differ diff --git a/flowers/train/46/image_01075.jpg b/flowers/train/46/image_01075.jpg new file mode 100644 index 00000000..39a82f2f Binary files /dev/null and b/flowers/train/46/image_01075.jpg differ diff --git a/flowers/train/46/image_01079.jpg b/flowers/train/46/image_01079.jpg new file mode 100644 index 00000000..68c518a0 Binary files /dev/null and b/flowers/train/46/image_01079.jpg differ diff --git a/flowers/train/46/image_01080.jpg b/flowers/train/46/image_01080.jpg new file mode 100644 index 00000000..3a99b8fa Binary files /dev/null and b/flowers/train/46/image_01080.jpg differ diff --git a/flowers/train/46/image_01081.jpg b/flowers/train/46/image_01081.jpg new file mode 100644 index 00000000..06d1fdea Binary files /dev/null and b/flowers/train/46/image_01081.jpg differ diff --git a/flowers/train/46/image_01082.jpg b/flowers/train/46/image_01082.jpg new file mode 100644 index 00000000..0f83e8e9 Binary files /dev/null and b/flowers/train/46/image_01082.jpg differ diff --git a/flowers/train/46/image_01083.jpg b/flowers/train/46/image_01083.jpg new file mode 100644 index 00000000..3cd7daf0 Binary files /dev/null and b/flowers/train/46/image_01083.jpg differ diff --git a/flowers/train/46/image_01084.jpg b/flowers/train/46/image_01084.jpg new file mode 100644 index 00000000..1bf3b12e Binary files /dev/null and b/flowers/train/46/image_01084.jpg differ diff --git a/flowers/train/46/image_01085.jpg b/flowers/train/46/image_01085.jpg new file mode 100644 index 00000000..71ee83c5 Binary files /dev/null and b/flowers/train/46/image_01085.jpg differ diff --git a/flowers/train/46/image_01087.jpg b/flowers/train/46/image_01087.jpg new file mode 100644 index 00000000..c8cc3407 Binary files /dev/null and b/flowers/train/46/image_01087.jpg differ diff --git a/flowers/train/46/image_01088.jpg b/flowers/train/46/image_01088.jpg new file mode 100644 index 00000000..72836b27 Binary files /dev/null and b/flowers/train/46/image_01088.jpg differ diff --git a/flowers/train/46/image_01089.jpg b/flowers/train/46/image_01089.jpg new file mode 100644 index 00000000..334a4bcb Binary files /dev/null and b/flowers/train/46/image_01089.jpg differ diff --git a/flowers/train/46/image_01091.jpg b/flowers/train/46/image_01091.jpg new file mode 100644 index 00000000..89880236 Binary files /dev/null and b/flowers/train/46/image_01091.jpg differ diff --git a/flowers/train/46/image_01093.jpg b/flowers/train/46/image_01093.jpg new file mode 100644 index 00000000..a9f9a079 Binary files /dev/null and b/flowers/train/46/image_01093.jpg differ diff --git a/flowers/train/46/image_01094.jpg b/flowers/train/46/image_01094.jpg new file mode 100644 index 00000000..3a828fa7 Binary files /dev/null and b/flowers/train/46/image_01094.jpg differ diff --git a/flowers/train/46/image_01096.jpg b/flowers/train/46/image_01096.jpg new file mode 100644 index 00000000..465ef112 Binary files /dev/null and b/flowers/train/46/image_01096.jpg differ diff --git a/flowers/train/46/image_01097.jpg b/flowers/train/46/image_01097.jpg new file mode 100644 index 00000000..c316ff9b Binary files /dev/null and b/flowers/train/46/image_01097.jpg differ diff --git a/flowers/train/46/image_01098.jpg b/flowers/train/46/image_01098.jpg new file mode 100644 index 00000000..b66373f4 Binary files /dev/null and b/flowers/train/46/image_01098.jpg differ diff --git a/flowers/train/46/image_01099.jpg b/flowers/train/46/image_01099.jpg new file mode 100644 index 00000000..063a11c4 Binary files /dev/null and b/flowers/train/46/image_01099.jpg differ diff --git a/flowers/train/46/image_01101.jpg b/flowers/train/46/image_01101.jpg new file mode 100644 index 00000000..16c8e19c Binary files /dev/null and b/flowers/train/46/image_01101.jpg differ diff --git a/flowers/train/46/image_01102.jpg b/flowers/train/46/image_01102.jpg new file mode 100644 index 00000000..6aa38ebb Binary files /dev/null and b/flowers/train/46/image_01102.jpg differ diff --git a/flowers/train/46/image_01103.jpg b/flowers/train/46/image_01103.jpg new file mode 100644 index 00000000..faecbc44 Binary files /dev/null and b/flowers/train/46/image_01103.jpg differ diff --git a/flowers/train/46/image_01104.jpg b/flowers/train/46/image_01104.jpg new file mode 100644 index 00000000..725cc7ee Binary files /dev/null and b/flowers/train/46/image_01104.jpg differ diff --git a/flowers/train/46/image_01105.jpg b/flowers/train/46/image_01105.jpg new file mode 100644 index 00000000..5e93b29a Binary files /dev/null and b/flowers/train/46/image_01105.jpg differ diff --git a/flowers/train/46/image_01106.jpg b/flowers/train/46/image_01106.jpg new file mode 100644 index 00000000..fa79a574 Binary files /dev/null and b/flowers/train/46/image_01106.jpg differ diff --git a/flowers/train/46/image_01107.jpg b/flowers/train/46/image_01107.jpg new file mode 100644 index 00000000..e492f2ca Binary files /dev/null and b/flowers/train/46/image_01107.jpg differ diff --git a/flowers/train/46/image_01108.jpg b/flowers/train/46/image_01108.jpg new file mode 100644 index 00000000..11f50633 Binary files /dev/null and b/flowers/train/46/image_01108.jpg differ diff --git a/flowers/train/46/image_01110.jpg b/flowers/train/46/image_01110.jpg new file mode 100644 index 00000000..b5bed529 Binary files /dev/null and b/flowers/train/46/image_01110.jpg differ diff --git a/flowers/train/46/image_01111.jpg b/flowers/train/46/image_01111.jpg new file mode 100644 index 00000000..0cf447c6 Binary files /dev/null and b/flowers/train/46/image_01111.jpg differ diff --git a/flowers/train/46/image_01112.jpg b/flowers/train/46/image_01112.jpg new file mode 100644 index 00000000..9741a7e7 Binary files /dev/null and b/flowers/train/46/image_01112.jpg differ diff --git a/flowers/train/46/image_01113.jpg b/flowers/train/46/image_01113.jpg new file mode 100644 index 00000000..ba2593bf Binary files /dev/null and b/flowers/train/46/image_01113.jpg differ diff --git a/flowers/train/46/image_01114.jpg b/flowers/train/46/image_01114.jpg new file mode 100644 index 00000000..2c3de77a Binary files /dev/null and b/flowers/train/46/image_01114.jpg differ diff --git a/flowers/train/46/image_01116.jpg b/flowers/train/46/image_01116.jpg new file mode 100644 index 00000000..640a746d Binary files /dev/null and b/flowers/train/46/image_01116.jpg differ diff --git a/flowers/train/46/image_01117.jpg b/flowers/train/46/image_01117.jpg new file mode 100644 index 00000000..22d1f970 Binary files /dev/null and b/flowers/train/46/image_01117.jpg differ diff --git a/flowers/train/46/image_01118.jpg b/flowers/train/46/image_01118.jpg new file mode 100644 index 00000000..455095f1 Binary files /dev/null and b/flowers/train/46/image_01118.jpg differ diff --git a/flowers/train/46/image_01120.jpg b/flowers/train/46/image_01120.jpg new file mode 100644 index 00000000..ab55b9f9 Binary files /dev/null and b/flowers/train/46/image_01120.jpg differ diff --git a/flowers/train/46/image_01121.jpg b/flowers/train/46/image_01121.jpg new file mode 100644 index 00000000..0e477388 Binary files /dev/null and b/flowers/train/46/image_01121.jpg differ diff --git a/flowers/train/46/image_01122.jpg b/flowers/train/46/image_01122.jpg new file mode 100644 index 00000000..fa2c775a Binary files /dev/null and b/flowers/train/46/image_01122.jpg differ diff --git a/flowers/train/46/image_01123.jpg b/flowers/train/46/image_01123.jpg new file mode 100644 index 00000000..1e256166 Binary files /dev/null and b/flowers/train/46/image_01123.jpg differ diff --git a/flowers/train/46/image_01124.jpg b/flowers/train/46/image_01124.jpg new file mode 100644 index 00000000..ef44be0c Binary files /dev/null and b/flowers/train/46/image_01124.jpg differ diff --git a/flowers/train/46/image_01126.jpg b/flowers/train/46/image_01126.jpg new file mode 100644 index 00000000..c2bf85ae Binary files /dev/null and b/flowers/train/46/image_01126.jpg differ diff --git a/flowers/train/46/image_01127.jpg b/flowers/train/46/image_01127.jpg new file mode 100644 index 00000000..59bc1f01 Binary files /dev/null and b/flowers/train/46/image_01127.jpg differ diff --git a/flowers/train/46/image_01128.jpg b/flowers/train/46/image_01128.jpg new file mode 100644 index 00000000..9748cfc2 Binary files /dev/null and b/flowers/train/46/image_01128.jpg differ diff --git a/flowers/train/46/image_01130.jpg b/flowers/train/46/image_01130.jpg new file mode 100644 index 00000000..79eeaead Binary files /dev/null and b/flowers/train/46/image_01130.jpg differ diff --git a/flowers/train/46/image_01131.jpg b/flowers/train/46/image_01131.jpg new file mode 100644 index 00000000..e9465136 Binary files /dev/null and b/flowers/train/46/image_01131.jpg differ diff --git a/flowers/train/46/image_01133.jpg b/flowers/train/46/image_01133.jpg new file mode 100644 index 00000000..c5eb3673 Binary files /dev/null and b/flowers/train/46/image_01133.jpg differ diff --git a/flowers/train/46/image_01134.jpg b/flowers/train/46/image_01134.jpg new file mode 100644 index 00000000..21fbee36 Binary files /dev/null and b/flowers/train/46/image_01134.jpg differ diff --git a/flowers/train/46/image_01135.jpg b/flowers/train/46/image_01135.jpg new file mode 100644 index 00000000..72a78dec Binary files /dev/null and b/flowers/train/46/image_01135.jpg differ diff --git a/flowers/train/46/image_01136.jpg b/flowers/train/46/image_01136.jpg new file mode 100644 index 00000000..b3c30fa6 Binary files /dev/null and b/flowers/train/46/image_01136.jpg differ diff --git a/flowers/train/46/image_01137.jpg b/flowers/train/46/image_01137.jpg new file mode 100644 index 00000000..bf2e9a39 Binary files /dev/null and b/flowers/train/46/image_01137.jpg differ diff --git a/flowers/train/46/image_01139.jpg b/flowers/train/46/image_01139.jpg new file mode 100644 index 00000000..a06b4ce5 Binary files /dev/null and b/flowers/train/46/image_01139.jpg differ diff --git a/flowers/train/46/image_01140.jpg b/flowers/train/46/image_01140.jpg new file mode 100644 index 00000000..7f921bed Binary files /dev/null and b/flowers/train/46/image_01140.jpg differ diff --git a/flowers/train/46/image_01141.jpg b/flowers/train/46/image_01141.jpg new file mode 100644 index 00000000..e56d0f05 Binary files /dev/null and b/flowers/train/46/image_01141.jpg differ diff --git a/flowers/train/47/image_04953.jpg b/flowers/train/47/image_04953.jpg new file mode 100644 index 00000000..3256feba Binary files /dev/null and b/flowers/train/47/image_04953.jpg differ diff --git a/flowers/train/47/image_04954.jpg b/flowers/train/47/image_04954.jpg new file mode 100644 index 00000000..3a0328cd Binary files /dev/null and b/flowers/train/47/image_04954.jpg differ diff --git a/flowers/train/47/image_04955.jpg b/flowers/train/47/image_04955.jpg new file mode 100644 index 00000000..f9f64886 Binary files /dev/null and b/flowers/train/47/image_04955.jpg differ diff --git a/flowers/train/47/image_04956.jpg b/flowers/train/47/image_04956.jpg new file mode 100644 index 00000000..a64fe049 Binary files /dev/null and b/flowers/train/47/image_04956.jpg differ diff --git a/flowers/train/47/image_04958.jpg b/flowers/train/47/image_04958.jpg new file mode 100644 index 00000000..d3fb2356 Binary files /dev/null and b/flowers/train/47/image_04958.jpg differ diff --git a/flowers/train/47/image_04959.jpg b/flowers/train/47/image_04959.jpg new file mode 100644 index 00000000..530590cc Binary files /dev/null and b/flowers/train/47/image_04959.jpg differ diff --git a/flowers/train/47/image_04960.jpg b/flowers/train/47/image_04960.jpg new file mode 100644 index 00000000..c2ccdc19 Binary files /dev/null and b/flowers/train/47/image_04960.jpg differ diff --git a/flowers/train/47/image_04961.jpg b/flowers/train/47/image_04961.jpg new file mode 100644 index 00000000..e9c77f1a Binary files /dev/null and b/flowers/train/47/image_04961.jpg differ diff --git a/flowers/train/47/image_04962.jpg b/flowers/train/47/image_04962.jpg new file mode 100644 index 00000000..aa2eec04 Binary files /dev/null and b/flowers/train/47/image_04962.jpg differ diff --git a/flowers/train/47/image_04963.jpg b/flowers/train/47/image_04963.jpg new file mode 100644 index 00000000..8aab7a33 Binary files /dev/null and b/flowers/train/47/image_04963.jpg differ diff --git a/flowers/train/47/image_04964.jpg b/flowers/train/47/image_04964.jpg new file mode 100644 index 00000000..f19a270a Binary files /dev/null and b/flowers/train/47/image_04964.jpg differ diff --git a/flowers/train/47/image_04965.jpg b/flowers/train/47/image_04965.jpg new file mode 100644 index 00000000..db3bd9da Binary files /dev/null and b/flowers/train/47/image_04965.jpg differ diff --git a/flowers/train/47/image_04967.jpg b/flowers/train/47/image_04967.jpg new file mode 100644 index 00000000..879c41c1 Binary files /dev/null and b/flowers/train/47/image_04967.jpg differ diff --git a/flowers/train/47/image_04968.jpg b/flowers/train/47/image_04968.jpg new file mode 100644 index 00000000..e5ac5088 Binary files /dev/null and b/flowers/train/47/image_04968.jpg differ diff --git a/flowers/train/47/image_04969.jpg b/flowers/train/47/image_04969.jpg new file mode 100644 index 00000000..96339892 Binary files /dev/null and b/flowers/train/47/image_04969.jpg differ diff --git a/flowers/train/47/image_04970.jpg b/flowers/train/47/image_04970.jpg new file mode 100644 index 00000000..84886959 Binary files /dev/null and b/flowers/train/47/image_04970.jpg differ diff --git a/flowers/train/47/image_04971.jpg b/flowers/train/47/image_04971.jpg new file mode 100644 index 00000000..1c140944 Binary files /dev/null and b/flowers/train/47/image_04971.jpg differ diff --git a/flowers/train/47/image_04972.jpg b/flowers/train/47/image_04972.jpg new file mode 100644 index 00000000..731dde07 Binary files /dev/null and b/flowers/train/47/image_04972.jpg differ diff --git a/flowers/train/47/image_04973.jpg b/flowers/train/47/image_04973.jpg new file mode 100644 index 00000000..c74990b3 Binary files /dev/null and b/flowers/train/47/image_04973.jpg differ diff --git a/flowers/train/47/image_04974.jpg b/flowers/train/47/image_04974.jpg new file mode 100644 index 00000000..d6e1c0cb Binary files /dev/null and b/flowers/train/47/image_04974.jpg differ diff --git a/flowers/train/47/image_04975.jpg b/flowers/train/47/image_04975.jpg new file mode 100644 index 00000000..9d8f0552 Binary files /dev/null and b/flowers/train/47/image_04975.jpg differ diff --git a/flowers/train/47/image_04976.jpg b/flowers/train/47/image_04976.jpg new file mode 100644 index 00000000..73a9a914 Binary files /dev/null and b/flowers/train/47/image_04976.jpg differ diff --git a/flowers/train/47/image_04977.jpg b/flowers/train/47/image_04977.jpg new file mode 100644 index 00000000..a3dba44d Binary files /dev/null and b/flowers/train/47/image_04977.jpg differ diff --git a/flowers/train/47/image_04978.jpg b/flowers/train/47/image_04978.jpg new file mode 100644 index 00000000..9324a52d Binary files /dev/null and b/flowers/train/47/image_04978.jpg differ diff --git a/flowers/train/47/image_04979.jpg b/flowers/train/47/image_04979.jpg new file mode 100644 index 00000000..1422bff7 Binary files /dev/null and b/flowers/train/47/image_04979.jpg differ diff --git a/flowers/train/47/image_04980.jpg b/flowers/train/47/image_04980.jpg new file mode 100644 index 00000000..4f38e5e7 Binary files /dev/null and b/flowers/train/47/image_04980.jpg differ diff --git a/flowers/train/47/image_04981.jpg b/flowers/train/47/image_04981.jpg new file mode 100644 index 00000000..201a5db5 Binary files /dev/null and b/flowers/train/47/image_04981.jpg differ diff --git a/flowers/train/47/image_04982.jpg b/flowers/train/47/image_04982.jpg new file mode 100644 index 00000000..6e38b8d7 Binary files /dev/null and b/flowers/train/47/image_04982.jpg differ diff --git a/flowers/train/47/image_04983.jpg b/flowers/train/47/image_04983.jpg new file mode 100644 index 00000000..c3e2b31d Binary files /dev/null and b/flowers/train/47/image_04983.jpg differ diff --git a/flowers/train/47/image_04984.jpg b/flowers/train/47/image_04984.jpg new file mode 100644 index 00000000..ba158c7c Binary files /dev/null and b/flowers/train/47/image_04984.jpg differ diff --git a/flowers/train/47/image_04985.jpg b/flowers/train/47/image_04985.jpg new file mode 100644 index 00000000..717ec3d2 Binary files /dev/null and b/flowers/train/47/image_04985.jpg differ diff --git a/flowers/train/47/image_04986.jpg b/flowers/train/47/image_04986.jpg new file mode 100644 index 00000000..ec5af2cc Binary files /dev/null and b/flowers/train/47/image_04986.jpg differ diff --git a/flowers/train/47/image_04987.jpg b/flowers/train/47/image_04987.jpg new file mode 100644 index 00000000..86d16ef6 Binary files /dev/null and b/flowers/train/47/image_04987.jpg differ diff --git a/flowers/train/47/image_04988.jpg b/flowers/train/47/image_04988.jpg new file mode 100644 index 00000000..7d65b9e8 Binary files /dev/null and b/flowers/train/47/image_04988.jpg differ diff --git a/flowers/train/47/image_04990.jpg b/flowers/train/47/image_04990.jpg new file mode 100644 index 00000000..5f61bf1e Binary files /dev/null and b/flowers/train/47/image_04990.jpg differ diff --git a/flowers/train/47/image_04991.jpg b/flowers/train/47/image_04991.jpg new file mode 100644 index 00000000..4bf1a4fd Binary files /dev/null and b/flowers/train/47/image_04991.jpg differ diff --git a/flowers/train/47/image_04992.jpg b/flowers/train/47/image_04992.jpg new file mode 100644 index 00000000..c5e217bd Binary files /dev/null and b/flowers/train/47/image_04992.jpg differ diff --git a/flowers/train/47/image_04994.jpg b/flowers/train/47/image_04994.jpg new file mode 100644 index 00000000..8cbfc51e Binary files /dev/null and b/flowers/train/47/image_04994.jpg differ diff --git a/flowers/train/47/image_04995.jpg b/flowers/train/47/image_04995.jpg new file mode 100644 index 00000000..bd95bd69 Binary files /dev/null and b/flowers/train/47/image_04995.jpg differ diff --git a/flowers/train/47/image_04996.jpg b/flowers/train/47/image_04996.jpg new file mode 100644 index 00000000..ecd35589 Binary files /dev/null and b/flowers/train/47/image_04996.jpg differ diff --git a/flowers/train/47/image_04997.jpg b/flowers/train/47/image_04997.jpg new file mode 100644 index 00000000..c15d4543 Binary files /dev/null and b/flowers/train/47/image_04997.jpg differ diff --git a/flowers/train/47/image_04998.jpg b/flowers/train/47/image_04998.jpg new file mode 100644 index 00000000..3d96c227 Binary files /dev/null and b/flowers/train/47/image_04998.jpg differ diff --git a/flowers/train/47/image_04999.jpg b/flowers/train/47/image_04999.jpg new file mode 100644 index 00000000..3486d980 Binary files /dev/null and b/flowers/train/47/image_04999.jpg differ diff --git a/flowers/train/47/image_05000.jpg b/flowers/train/47/image_05000.jpg new file mode 100644 index 00000000..8b16a0e5 Binary files /dev/null and b/flowers/train/47/image_05000.jpg differ diff --git a/flowers/train/47/image_05001.jpg b/flowers/train/47/image_05001.jpg new file mode 100644 index 00000000..a4fef32e Binary files /dev/null and b/flowers/train/47/image_05001.jpg differ diff --git a/flowers/train/47/image_05002.jpg b/flowers/train/47/image_05002.jpg new file mode 100644 index 00000000..42c52716 Binary files /dev/null and b/flowers/train/47/image_05002.jpg differ diff --git a/flowers/train/47/image_05003.jpg b/flowers/train/47/image_05003.jpg new file mode 100644 index 00000000..e659c2d1 Binary files /dev/null and b/flowers/train/47/image_05003.jpg differ diff --git a/flowers/train/47/image_05004.jpg b/flowers/train/47/image_05004.jpg new file mode 100644 index 00000000..578d2b0e Binary files /dev/null and b/flowers/train/47/image_05004.jpg differ diff --git a/flowers/train/47/image_05005.jpg b/flowers/train/47/image_05005.jpg new file mode 100644 index 00000000..0b2e227d Binary files /dev/null and b/flowers/train/47/image_05005.jpg differ diff --git a/flowers/train/47/image_05006.jpg b/flowers/train/47/image_05006.jpg new file mode 100644 index 00000000..c48f2f1d Binary files /dev/null and b/flowers/train/47/image_05006.jpg differ diff --git a/flowers/train/47/image_05008.jpg b/flowers/train/47/image_05008.jpg new file mode 100644 index 00000000..bc49191c Binary files /dev/null and b/flowers/train/47/image_05008.jpg differ diff --git a/flowers/train/47/image_05009.jpg b/flowers/train/47/image_05009.jpg new file mode 100644 index 00000000..1fc6d921 Binary files /dev/null and b/flowers/train/47/image_05009.jpg differ diff --git a/flowers/train/47/image_05010.jpg b/flowers/train/47/image_05010.jpg new file mode 100644 index 00000000..e7b74e83 Binary files /dev/null and b/flowers/train/47/image_05010.jpg differ diff --git a/flowers/train/47/image_05011.jpg b/flowers/train/47/image_05011.jpg new file mode 100644 index 00000000..30c42d68 Binary files /dev/null and b/flowers/train/47/image_05011.jpg differ diff --git a/flowers/train/47/image_05012.jpg b/flowers/train/47/image_05012.jpg new file mode 100644 index 00000000..ae3b8d50 Binary files /dev/null and b/flowers/train/47/image_05012.jpg differ diff --git a/flowers/train/47/image_05014.jpg b/flowers/train/47/image_05014.jpg new file mode 100644 index 00000000..50055e74 Binary files /dev/null and b/flowers/train/47/image_05014.jpg differ diff --git a/flowers/train/47/image_05015.jpg b/flowers/train/47/image_05015.jpg new file mode 100644 index 00000000..717d45c1 Binary files /dev/null and b/flowers/train/47/image_05015.jpg differ diff --git a/flowers/train/47/image_05016.jpg b/flowers/train/47/image_05016.jpg new file mode 100644 index 00000000..9c9627ab Binary files /dev/null and b/flowers/train/47/image_05016.jpg differ diff --git a/flowers/train/47/image_05017.jpg b/flowers/train/47/image_05017.jpg new file mode 100644 index 00000000..93abf606 Binary files /dev/null and b/flowers/train/47/image_05017.jpg differ diff --git a/flowers/train/47/image_05018.jpg b/flowers/train/47/image_05018.jpg new file mode 100644 index 00000000..6a948d05 Binary files /dev/null and b/flowers/train/47/image_05018.jpg differ diff --git a/flowers/train/47/image_05019.jpg b/flowers/train/47/image_05019.jpg new file mode 100644 index 00000000..fcec14ed Binary files /dev/null and b/flowers/train/47/image_05019.jpg differ diff --git a/flowers/train/48/image_04625.jpg b/flowers/train/48/image_04625.jpg new file mode 100644 index 00000000..8ae3aeec Binary files /dev/null and b/flowers/train/48/image_04625.jpg differ diff --git a/flowers/train/48/image_04626.jpg b/flowers/train/48/image_04626.jpg new file mode 100644 index 00000000..091f76fd Binary files /dev/null and b/flowers/train/48/image_04626.jpg differ diff --git a/flowers/train/48/image_04628.jpg b/flowers/train/48/image_04628.jpg new file mode 100644 index 00000000..361ef6cb Binary files /dev/null and b/flowers/train/48/image_04628.jpg differ diff --git a/flowers/train/48/image_04629.jpg b/flowers/train/48/image_04629.jpg new file mode 100644 index 00000000..a8352ab7 Binary files /dev/null and b/flowers/train/48/image_04629.jpg differ diff --git a/flowers/train/48/image_04630.jpg b/flowers/train/48/image_04630.jpg new file mode 100644 index 00000000..df42a1f2 Binary files /dev/null and b/flowers/train/48/image_04630.jpg differ diff --git a/flowers/train/48/image_04631.jpg b/flowers/train/48/image_04631.jpg new file mode 100644 index 00000000..bddc5454 Binary files /dev/null and b/flowers/train/48/image_04631.jpg differ diff --git a/flowers/train/48/image_04632.jpg b/flowers/train/48/image_04632.jpg new file mode 100644 index 00000000..767098a2 Binary files /dev/null and b/flowers/train/48/image_04632.jpg differ diff --git a/flowers/train/48/image_04633.jpg b/flowers/train/48/image_04633.jpg new file mode 100644 index 00000000..743fabf8 Binary files /dev/null and b/flowers/train/48/image_04633.jpg differ diff --git a/flowers/train/48/image_04634.jpg b/flowers/train/48/image_04634.jpg new file mode 100644 index 00000000..7c041a94 Binary files /dev/null and b/flowers/train/48/image_04634.jpg differ diff --git a/flowers/train/48/image_04635.jpg b/flowers/train/48/image_04635.jpg new file mode 100644 index 00000000..91f30b46 Binary files /dev/null and b/flowers/train/48/image_04635.jpg differ diff --git a/flowers/train/48/image_04636.jpg b/flowers/train/48/image_04636.jpg new file mode 100644 index 00000000..bd17c248 Binary files /dev/null and b/flowers/train/48/image_04636.jpg differ diff --git a/flowers/train/48/image_04637.jpg b/flowers/train/48/image_04637.jpg new file mode 100644 index 00000000..a048d108 Binary files /dev/null and b/flowers/train/48/image_04637.jpg differ diff --git a/flowers/train/48/image_04638.jpg b/flowers/train/48/image_04638.jpg new file mode 100644 index 00000000..90bab33b Binary files /dev/null and b/flowers/train/48/image_04638.jpg differ diff --git a/flowers/train/48/image_04639.jpg b/flowers/train/48/image_04639.jpg new file mode 100644 index 00000000..58003008 Binary files /dev/null and b/flowers/train/48/image_04639.jpg differ diff --git a/flowers/train/48/image_04640.jpg b/flowers/train/48/image_04640.jpg new file mode 100644 index 00000000..f7b48784 Binary files /dev/null and b/flowers/train/48/image_04640.jpg differ diff --git a/flowers/train/48/image_04642.jpg b/flowers/train/48/image_04642.jpg new file mode 100644 index 00000000..0c7f1e86 Binary files /dev/null and b/flowers/train/48/image_04642.jpg differ diff --git a/flowers/train/48/image_04643.jpg b/flowers/train/48/image_04643.jpg new file mode 100644 index 00000000..0f3c0b91 Binary files /dev/null and b/flowers/train/48/image_04643.jpg differ diff --git a/flowers/train/48/image_04644.jpg b/flowers/train/48/image_04644.jpg new file mode 100644 index 00000000..18c276af Binary files /dev/null and b/flowers/train/48/image_04644.jpg differ diff --git a/flowers/train/48/image_04645.jpg b/flowers/train/48/image_04645.jpg new file mode 100644 index 00000000..9a04ef9f Binary files /dev/null and b/flowers/train/48/image_04645.jpg differ diff --git a/flowers/train/48/image_04646.jpg b/flowers/train/48/image_04646.jpg new file mode 100644 index 00000000..1ccd0ab1 Binary files /dev/null and b/flowers/train/48/image_04646.jpg differ diff --git a/flowers/train/48/image_04647.jpg b/flowers/train/48/image_04647.jpg new file mode 100644 index 00000000..c9afe904 Binary files /dev/null and b/flowers/train/48/image_04647.jpg differ diff --git a/flowers/train/48/image_04648.jpg b/flowers/train/48/image_04648.jpg new file mode 100644 index 00000000..21943ef5 Binary files /dev/null and b/flowers/train/48/image_04648.jpg differ diff --git a/flowers/train/48/image_04649.jpg b/flowers/train/48/image_04649.jpg new file mode 100644 index 00000000..e6b5a41a Binary files /dev/null and b/flowers/train/48/image_04649.jpg differ diff --git a/flowers/train/48/image_04650.jpg b/flowers/train/48/image_04650.jpg new file mode 100644 index 00000000..e5fc09e8 Binary files /dev/null and b/flowers/train/48/image_04650.jpg differ diff --git a/flowers/train/48/image_04651.jpg b/flowers/train/48/image_04651.jpg new file mode 100644 index 00000000..6ddfc944 Binary files /dev/null and b/flowers/train/48/image_04651.jpg differ diff --git a/flowers/train/48/image_04653.jpg b/flowers/train/48/image_04653.jpg new file mode 100644 index 00000000..a7977671 Binary files /dev/null and b/flowers/train/48/image_04653.jpg differ diff --git a/flowers/train/48/image_04654.jpg b/flowers/train/48/image_04654.jpg new file mode 100644 index 00000000..65781781 Binary files /dev/null and b/flowers/train/48/image_04654.jpg differ diff --git a/flowers/train/48/image_04655.jpg b/flowers/train/48/image_04655.jpg new file mode 100644 index 00000000..2569470a Binary files /dev/null and b/flowers/train/48/image_04655.jpg differ diff --git a/flowers/train/48/image_04656.jpg b/flowers/train/48/image_04656.jpg new file mode 100644 index 00000000..7970f332 Binary files /dev/null and b/flowers/train/48/image_04656.jpg differ diff --git a/flowers/train/48/image_04657.jpg b/flowers/train/48/image_04657.jpg new file mode 100644 index 00000000..adb80574 Binary files /dev/null and b/flowers/train/48/image_04657.jpg differ diff --git a/flowers/train/48/image_04658.jpg b/flowers/train/48/image_04658.jpg new file mode 100644 index 00000000..8bd6c96d Binary files /dev/null and b/flowers/train/48/image_04658.jpg differ diff --git a/flowers/train/48/image_04659.jpg b/flowers/train/48/image_04659.jpg new file mode 100644 index 00000000..721d39d3 Binary files /dev/null and b/flowers/train/48/image_04659.jpg differ diff --git a/flowers/train/48/image_04660.jpg b/flowers/train/48/image_04660.jpg new file mode 100644 index 00000000..8da97c44 Binary files /dev/null and b/flowers/train/48/image_04660.jpg differ diff --git a/flowers/train/48/image_04661.jpg b/flowers/train/48/image_04661.jpg new file mode 100644 index 00000000..a6c0151f Binary files /dev/null and b/flowers/train/48/image_04661.jpg differ diff --git a/flowers/train/48/image_04662.jpg b/flowers/train/48/image_04662.jpg new file mode 100644 index 00000000..664290cf Binary files /dev/null and b/flowers/train/48/image_04662.jpg differ diff --git a/flowers/train/48/image_04664.jpg b/flowers/train/48/image_04664.jpg new file mode 100644 index 00000000..f7def84e Binary files /dev/null and b/flowers/train/48/image_04664.jpg differ diff --git a/flowers/train/48/image_04666.jpg b/flowers/train/48/image_04666.jpg new file mode 100644 index 00000000..a59a98bb Binary files /dev/null and b/flowers/train/48/image_04666.jpg differ diff --git a/flowers/train/48/image_04668.jpg b/flowers/train/48/image_04668.jpg new file mode 100644 index 00000000..5103b8f4 Binary files /dev/null and b/flowers/train/48/image_04668.jpg differ diff --git a/flowers/train/48/image_04669.jpg b/flowers/train/48/image_04669.jpg new file mode 100644 index 00000000..b4d94aa8 Binary files /dev/null and b/flowers/train/48/image_04669.jpg differ diff --git a/flowers/train/48/image_04670.jpg b/flowers/train/48/image_04670.jpg new file mode 100644 index 00000000..78dda922 Binary files /dev/null and b/flowers/train/48/image_04670.jpg differ diff --git a/flowers/train/48/image_04672.jpg b/flowers/train/48/image_04672.jpg new file mode 100644 index 00000000..885246d8 Binary files /dev/null and b/flowers/train/48/image_04672.jpg differ diff --git a/flowers/train/48/image_04673.jpg b/flowers/train/48/image_04673.jpg new file mode 100644 index 00000000..375730d5 Binary files /dev/null and b/flowers/train/48/image_04673.jpg differ diff --git a/flowers/train/48/image_04674.jpg b/flowers/train/48/image_04674.jpg new file mode 100644 index 00000000..57f124b6 Binary files /dev/null and b/flowers/train/48/image_04674.jpg differ diff --git a/flowers/train/48/image_04675.jpg b/flowers/train/48/image_04675.jpg new file mode 100644 index 00000000..20af58e4 Binary files /dev/null and b/flowers/train/48/image_04675.jpg differ diff --git a/flowers/train/48/image_04676.jpg b/flowers/train/48/image_04676.jpg new file mode 100644 index 00000000..3d238695 Binary files /dev/null and b/flowers/train/48/image_04676.jpg differ diff --git a/flowers/train/48/image_04677.jpg b/flowers/train/48/image_04677.jpg new file mode 100644 index 00000000..e11123be Binary files /dev/null and b/flowers/train/48/image_04677.jpg differ diff --git a/flowers/train/48/image_04679.jpg b/flowers/train/48/image_04679.jpg new file mode 100644 index 00000000..efe84a3f Binary files /dev/null and b/flowers/train/48/image_04679.jpg differ diff --git a/flowers/train/48/image_04680.jpg b/flowers/train/48/image_04680.jpg new file mode 100644 index 00000000..210818d7 Binary files /dev/null and b/flowers/train/48/image_04680.jpg differ diff --git a/flowers/train/48/image_04681.jpg b/flowers/train/48/image_04681.jpg new file mode 100644 index 00000000..883e015a Binary files /dev/null and b/flowers/train/48/image_04681.jpg differ diff --git a/flowers/train/48/image_04682.jpg b/flowers/train/48/image_04682.jpg new file mode 100644 index 00000000..419278e2 Binary files /dev/null and b/flowers/train/48/image_04682.jpg differ diff --git a/flowers/train/48/image_04683.jpg b/flowers/train/48/image_04683.jpg new file mode 100644 index 00000000..6603605e Binary files /dev/null and b/flowers/train/48/image_04683.jpg differ diff --git a/flowers/train/48/image_04685.jpg b/flowers/train/48/image_04685.jpg new file mode 100644 index 00000000..fdbd3a10 Binary files /dev/null and b/flowers/train/48/image_04685.jpg differ diff --git a/flowers/train/48/image_04686.jpg b/flowers/train/48/image_04686.jpg new file mode 100644 index 00000000..d619b47a Binary files /dev/null and b/flowers/train/48/image_04686.jpg differ diff --git a/flowers/train/48/image_04689.jpg b/flowers/train/48/image_04689.jpg new file mode 100644 index 00000000..1d289ee8 Binary files /dev/null and b/flowers/train/48/image_04689.jpg differ diff --git a/flowers/train/48/image_04692.jpg b/flowers/train/48/image_04692.jpg new file mode 100644 index 00000000..37a1a99b Binary files /dev/null and b/flowers/train/48/image_04692.jpg differ diff --git a/flowers/train/48/image_04694.jpg b/flowers/train/48/image_04694.jpg new file mode 100644 index 00000000..ca8a1fd6 Binary files /dev/null and b/flowers/train/48/image_04694.jpg differ diff --git a/flowers/train/48/image_04695.jpg b/flowers/train/48/image_04695.jpg new file mode 100644 index 00000000..c82ba906 Binary files /dev/null and b/flowers/train/48/image_04695.jpg differ diff --git a/flowers/train/49/image_06198.jpg b/flowers/train/49/image_06198.jpg new file mode 100644 index 00000000..2f16d14b Binary files /dev/null and b/flowers/train/49/image_06198.jpg differ diff --git a/flowers/train/49/image_06199.jpg b/flowers/train/49/image_06199.jpg new file mode 100644 index 00000000..9afc31fb Binary files /dev/null and b/flowers/train/49/image_06199.jpg differ diff --git a/flowers/train/49/image_06200.jpg b/flowers/train/49/image_06200.jpg new file mode 100644 index 00000000..d53486e1 Binary files /dev/null and b/flowers/train/49/image_06200.jpg differ diff --git a/flowers/train/49/image_06201.jpg b/flowers/train/49/image_06201.jpg new file mode 100644 index 00000000..c86ce009 Binary files /dev/null and b/flowers/train/49/image_06201.jpg differ diff --git a/flowers/train/49/image_06203.jpg b/flowers/train/49/image_06203.jpg new file mode 100644 index 00000000..4f06c250 Binary files /dev/null and b/flowers/train/49/image_06203.jpg differ diff --git a/flowers/train/49/image_06204.jpg b/flowers/train/49/image_06204.jpg new file mode 100644 index 00000000..a521f766 Binary files /dev/null and b/flowers/train/49/image_06204.jpg differ diff --git a/flowers/train/49/image_06205.jpg b/flowers/train/49/image_06205.jpg new file mode 100644 index 00000000..ad0e101c Binary files /dev/null and b/flowers/train/49/image_06205.jpg differ diff --git a/flowers/train/49/image_06206.jpg b/flowers/train/49/image_06206.jpg new file mode 100644 index 00000000..30b0a67f Binary files /dev/null and b/flowers/train/49/image_06206.jpg differ diff --git a/flowers/train/49/image_06207.jpg b/flowers/train/49/image_06207.jpg new file mode 100644 index 00000000..de74a003 Binary files /dev/null and b/flowers/train/49/image_06207.jpg differ diff --git a/flowers/train/49/image_06208.jpg b/flowers/train/49/image_06208.jpg new file mode 100644 index 00000000..cdfe5a1d Binary files /dev/null and b/flowers/train/49/image_06208.jpg differ diff --git a/flowers/train/49/image_06211.jpg b/flowers/train/49/image_06211.jpg new file mode 100644 index 00000000..b1e0b717 Binary files /dev/null and b/flowers/train/49/image_06211.jpg differ diff --git a/flowers/train/49/image_06212.jpg b/flowers/train/49/image_06212.jpg new file mode 100644 index 00000000..66cae6dc Binary files /dev/null and b/flowers/train/49/image_06212.jpg differ diff --git a/flowers/train/49/image_06214.jpg b/flowers/train/49/image_06214.jpg new file mode 100644 index 00000000..a7b0aa4d Binary files /dev/null and b/flowers/train/49/image_06214.jpg differ diff --git a/flowers/train/49/image_06217.jpg b/flowers/train/49/image_06217.jpg new file mode 100644 index 00000000..6149f52d Binary files /dev/null and b/flowers/train/49/image_06217.jpg differ diff --git a/flowers/train/49/image_06218.jpg b/flowers/train/49/image_06218.jpg new file mode 100644 index 00000000..d707dd6c Binary files /dev/null and b/flowers/train/49/image_06218.jpg differ diff --git a/flowers/train/49/image_06219.jpg b/flowers/train/49/image_06219.jpg new file mode 100644 index 00000000..42b2779f Binary files /dev/null and b/flowers/train/49/image_06219.jpg differ diff --git a/flowers/train/49/image_06220.jpg b/flowers/train/49/image_06220.jpg new file mode 100644 index 00000000..be119e6d Binary files /dev/null and b/flowers/train/49/image_06220.jpg differ diff --git a/flowers/train/49/image_06221.jpg b/flowers/train/49/image_06221.jpg new file mode 100644 index 00000000..7d094ae3 Binary files /dev/null and b/flowers/train/49/image_06221.jpg differ diff --git a/flowers/train/49/image_06223.jpg b/flowers/train/49/image_06223.jpg new file mode 100644 index 00000000..a1ede799 Binary files /dev/null and b/flowers/train/49/image_06223.jpg differ diff --git a/flowers/train/49/image_06224.jpg b/flowers/train/49/image_06224.jpg new file mode 100644 index 00000000..24dd62e9 Binary files /dev/null and b/flowers/train/49/image_06224.jpg differ diff --git a/flowers/train/49/image_06225.jpg b/flowers/train/49/image_06225.jpg new file mode 100644 index 00000000..8fb48769 Binary files /dev/null and b/flowers/train/49/image_06225.jpg differ diff --git a/flowers/train/49/image_06226.jpg b/flowers/train/49/image_06226.jpg new file mode 100644 index 00000000..20d47a5b Binary files /dev/null and b/flowers/train/49/image_06226.jpg differ diff --git a/flowers/train/49/image_06227.jpg b/flowers/train/49/image_06227.jpg new file mode 100644 index 00000000..d8838951 Binary files /dev/null and b/flowers/train/49/image_06227.jpg differ diff --git a/flowers/train/49/image_06229.jpg b/flowers/train/49/image_06229.jpg new file mode 100644 index 00000000..4d8d6b66 Binary files /dev/null and b/flowers/train/49/image_06229.jpg differ diff --git a/flowers/train/49/image_06231.jpg b/flowers/train/49/image_06231.jpg new file mode 100644 index 00000000..22cef041 Binary files /dev/null and b/flowers/train/49/image_06231.jpg differ diff --git a/flowers/train/49/image_06232.jpg b/flowers/train/49/image_06232.jpg new file mode 100644 index 00000000..b5ea3268 Binary files /dev/null and b/flowers/train/49/image_06232.jpg differ diff --git a/flowers/train/49/image_06233.jpg b/flowers/train/49/image_06233.jpg new file mode 100644 index 00000000..38373c8b Binary files /dev/null and b/flowers/train/49/image_06233.jpg differ diff --git a/flowers/train/49/image_06234.jpg b/flowers/train/49/image_06234.jpg new file mode 100644 index 00000000..4be8a4bd Binary files /dev/null and b/flowers/train/49/image_06234.jpg differ diff --git a/flowers/train/49/image_06236.jpg b/flowers/train/49/image_06236.jpg new file mode 100644 index 00000000..91b552a7 Binary files /dev/null and b/flowers/train/49/image_06236.jpg differ diff --git a/flowers/train/49/image_06237.jpg b/flowers/train/49/image_06237.jpg new file mode 100644 index 00000000..aeea8421 Binary files /dev/null and b/flowers/train/49/image_06237.jpg differ diff --git a/flowers/train/49/image_06238.jpg b/flowers/train/49/image_06238.jpg new file mode 100644 index 00000000..d3fffb55 Binary files /dev/null and b/flowers/train/49/image_06238.jpg differ diff --git a/flowers/train/49/image_06239.jpg b/flowers/train/49/image_06239.jpg new file mode 100644 index 00000000..d199a4ed Binary files /dev/null and b/flowers/train/49/image_06239.jpg differ diff --git a/flowers/train/49/image_06241.jpg b/flowers/train/49/image_06241.jpg new file mode 100644 index 00000000..f02ecdba Binary files /dev/null and b/flowers/train/49/image_06241.jpg differ diff --git a/flowers/train/49/image_06242.jpg b/flowers/train/49/image_06242.jpg new file mode 100644 index 00000000..d040447c Binary files /dev/null and b/flowers/train/49/image_06242.jpg differ diff --git a/flowers/train/49/image_06243.jpg b/flowers/train/49/image_06243.jpg new file mode 100644 index 00000000..d15f9c7e Binary files /dev/null and b/flowers/train/49/image_06243.jpg differ diff --git a/flowers/train/49/image_06244.jpg b/flowers/train/49/image_06244.jpg new file mode 100644 index 00000000..88fbd53a Binary files /dev/null and b/flowers/train/49/image_06244.jpg differ diff --git a/flowers/train/49/image_06245.jpg b/flowers/train/49/image_06245.jpg new file mode 100644 index 00000000..86c8f35a Binary files /dev/null and b/flowers/train/49/image_06245.jpg differ diff --git a/flowers/train/49/image_06246.jpg b/flowers/train/49/image_06246.jpg new file mode 100644 index 00000000..f5585915 Binary files /dev/null and b/flowers/train/49/image_06246.jpg differ diff --git a/flowers/train/5/image_05147.jpg b/flowers/train/5/image_05147.jpg new file mode 100644 index 00000000..798b23c5 Binary files /dev/null and b/flowers/train/5/image_05147.jpg differ diff --git a/flowers/train/5/image_05148.jpg b/flowers/train/5/image_05148.jpg new file mode 100644 index 00000000..d92a910c Binary files /dev/null and b/flowers/train/5/image_05148.jpg differ diff --git a/flowers/train/5/image_05149.jpg b/flowers/train/5/image_05149.jpg new file mode 100644 index 00000000..27193c0f Binary files /dev/null and b/flowers/train/5/image_05149.jpg differ diff --git a/flowers/train/5/image_05150.jpg b/flowers/train/5/image_05150.jpg new file mode 100644 index 00000000..fdddd210 Binary files /dev/null and b/flowers/train/5/image_05150.jpg differ diff --git a/flowers/train/5/image_05151.jpg b/flowers/train/5/image_05151.jpg new file mode 100644 index 00000000..62e35e63 Binary files /dev/null and b/flowers/train/5/image_05151.jpg differ diff --git a/flowers/train/5/image_05152.jpg b/flowers/train/5/image_05152.jpg new file mode 100644 index 00000000..b83c2cae Binary files /dev/null and b/flowers/train/5/image_05152.jpg differ diff --git a/flowers/train/5/image_05153.jpg b/flowers/train/5/image_05153.jpg new file mode 100644 index 00000000..bb6a0832 Binary files /dev/null and b/flowers/train/5/image_05153.jpg differ diff --git a/flowers/train/5/image_05154.jpg b/flowers/train/5/image_05154.jpg new file mode 100644 index 00000000..dbe2911d Binary files /dev/null and b/flowers/train/5/image_05154.jpg differ diff --git a/flowers/train/5/image_05155.jpg b/flowers/train/5/image_05155.jpg new file mode 100644 index 00000000..6c923f76 Binary files /dev/null and b/flowers/train/5/image_05155.jpg differ diff --git a/flowers/train/5/image_05156.jpg b/flowers/train/5/image_05156.jpg new file mode 100644 index 00000000..4ebcf609 Binary files /dev/null and b/flowers/train/5/image_05156.jpg differ diff --git a/flowers/train/5/image_05157.jpg b/flowers/train/5/image_05157.jpg new file mode 100644 index 00000000..5f367de5 Binary files /dev/null and b/flowers/train/5/image_05157.jpg differ diff --git a/flowers/train/5/image_05158.jpg b/flowers/train/5/image_05158.jpg new file mode 100644 index 00000000..36945f4c Binary files /dev/null and b/flowers/train/5/image_05158.jpg differ diff --git a/flowers/train/5/image_05160.jpg b/flowers/train/5/image_05160.jpg new file mode 100644 index 00000000..0fa47d21 Binary files /dev/null and b/flowers/train/5/image_05160.jpg differ diff --git a/flowers/train/5/image_05161.jpg b/flowers/train/5/image_05161.jpg new file mode 100644 index 00000000..9719f454 Binary files /dev/null and b/flowers/train/5/image_05161.jpg differ diff --git a/flowers/train/5/image_05162.jpg b/flowers/train/5/image_05162.jpg new file mode 100644 index 00000000..a9a7fcdc Binary files /dev/null and b/flowers/train/5/image_05162.jpg differ diff --git a/flowers/train/5/image_05163.jpg b/flowers/train/5/image_05163.jpg new file mode 100644 index 00000000..090e1026 Binary files /dev/null and b/flowers/train/5/image_05163.jpg differ diff --git a/flowers/train/5/image_05165.jpg b/flowers/train/5/image_05165.jpg new file mode 100644 index 00000000..8daf6143 Binary files /dev/null and b/flowers/train/5/image_05165.jpg differ diff --git a/flowers/train/5/image_05167.jpg b/flowers/train/5/image_05167.jpg new file mode 100644 index 00000000..4ecd1c3d Binary files /dev/null and b/flowers/train/5/image_05167.jpg differ diff --git a/flowers/train/5/image_05170.jpg b/flowers/train/5/image_05170.jpg new file mode 100644 index 00000000..07881aed Binary files /dev/null and b/flowers/train/5/image_05170.jpg differ diff --git a/flowers/train/5/image_05171.jpg b/flowers/train/5/image_05171.jpg new file mode 100644 index 00000000..81d210f0 Binary files /dev/null and b/flowers/train/5/image_05171.jpg differ diff --git a/flowers/train/5/image_05172.jpg b/flowers/train/5/image_05172.jpg new file mode 100644 index 00000000..aa1bf4da Binary files /dev/null and b/flowers/train/5/image_05172.jpg differ diff --git a/flowers/train/5/image_05173.jpg b/flowers/train/5/image_05173.jpg new file mode 100644 index 00000000..0ba228ba Binary files /dev/null and b/flowers/train/5/image_05173.jpg differ diff --git a/flowers/train/5/image_05174.jpg b/flowers/train/5/image_05174.jpg new file mode 100644 index 00000000..25a15fab Binary files /dev/null and b/flowers/train/5/image_05174.jpg differ diff --git a/flowers/train/5/image_05175.jpg b/flowers/train/5/image_05175.jpg new file mode 100644 index 00000000..fa90ecfc Binary files /dev/null and b/flowers/train/5/image_05175.jpg differ diff --git a/flowers/train/5/image_05176.jpg b/flowers/train/5/image_05176.jpg new file mode 100644 index 00000000..8700be4a Binary files /dev/null and b/flowers/train/5/image_05176.jpg differ diff --git a/flowers/train/5/image_05177.jpg b/flowers/train/5/image_05177.jpg new file mode 100644 index 00000000..b913615b Binary files /dev/null and b/flowers/train/5/image_05177.jpg differ diff --git a/flowers/train/5/image_05178.jpg b/flowers/train/5/image_05178.jpg new file mode 100644 index 00000000..64d7cc95 Binary files /dev/null and b/flowers/train/5/image_05178.jpg differ diff --git a/flowers/train/5/image_05179.jpg b/flowers/train/5/image_05179.jpg new file mode 100644 index 00000000..e30f3c58 Binary files /dev/null and b/flowers/train/5/image_05179.jpg differ diff --git a/flowers/train/5/image_05180.jpg b/flowers/train/5/image_05180.jpg new file mode 100644 index 00000000..fd1946f6 Binary files /dev/null and b/flowers/train/5/image_05180.jpg differ diff --git a/flowers/train/5/image_05181.jpg b/flowers/train/5/image_05181.jpg new file mode 100644 index 00000000..16781a8f Binary files /dev/null and b/flowers/train/5/image_05181.jpg differ diff --git a/flowers/train/5/image_05182.jpg b/flowers/train/5/image_05182.jpg new file mode 100644 index 00000000..50819e57 Binary files /dev/null and b/flowers/train/5/image_05182.jpg differ diff --git a/flowers/train/5/image_05183.jpg b/flowers/train/5/image_05183.jpg new file mode 100644 index 00000000..1929da5c Binary files /dev/null and b/flowers/train/5/image_05183.jpg differ diff --git a/flowers/train/5/image_05184.jpg b/flowers/train/5/image_05184.jpg new file mode 100644 index 00000000..b0b8bf8b Binary files /dev/null and b/flowers/train/5/image_05184.jpg differ diff --git a/flowers/train/5/image_05185.jpg b/flowers/train/5/image_05185.jpg new file mode 100644 index 00000000..161029ba Binary files /dev/null and b/flowers/train/5/image_05185.jpg differ diff --git a/flowers/train/5/image_05187.jpg b/flowers/train/5/image_05187.jpg new file mode 100644 index 00000000..1637bbdd Binary files /dev/null and b/flowers/train/5/image_05187.jpg differ diff --git a/flowers/train/5/image_05189.jpg b/flowers/train/5/image_05189.jpg new file mode 100644 index 00000000..cb8a61b5 Binary files /dev/null and b/flowers/train/5/image_05189.jpg differ diff --git a/flowers/train/5/image_05190.jpg b/flowers/train/5/image_05190.jpg new file mode 100644 index 00000000..7f4c337a Binary files /dev/null and b/flowers/train/5/image_05190.jpg differ diff --git a/flowers/train/5/image_05191.jpg b/flowers/train/5/image_05191.jpg new file mode 100644 index 00000000..16dc379f Binary files /dev/null and b/flowers/train/5/image_05191.jpg differ diff --git a/flowers/train/5/image_05193.jpg b/flowers/train/5/image_05193.jpg new file mode 100644 index 00000000..707f086c Binary files /dev/null and b/flowers/train/5/image_05193.jpg differ diff --git a/flowers/train/5/image_05194.jpg b/flowers/train/5/image_05194.jpg new file mode 100644 index 00000000..456b852c Binary files /dev/null and b/flowers/train/5/image_05194.jpg differ diff --git a/flowers/train/5/image_05195.jpg b/flowers/train/5/image_05195.jpg new file mode 100644 index 00000000..4331cbb6 Binary files /dev/null and b/flowers/train/5/image_05195.jpg differ diff --git a/flowers/train/5/image_05197.jpg b/flowers/train/5/image_05197.jpg new file mode 100644 index 00000000..575430c5 Binary files /dev/null and b/flowers/train/5/image_05197.jpg differ diff --git a/flowers/train/5/image_05198.jpg b/flowers/train/5/image_05198.jpg new file mode 100644 index 00000000..483b252b Binary files /dev/null and b/flowers/train/5/image_05198.jpg differ diff --git a/flowers/train/5/image_05200.jpg b/flowers/train/5/image_05200.jpg new file mode 100644 index 00000000..f994142e Binary files /dev/null and b/flowers/train/5/image_05200.jpg differ diff --git a/flowers/train/5/image_05201.jpg b/flowers/train/5/image_05201.jpg new file mode 100644 index 00000000..a6e72f60 Binary files /dev/null and b/flowers/train/5/image_05201.jpg differ diff --git a/flowers/train/5/image_05202.jpg b/flowers/train/5/image_05202.jpg new file mode 100644 index 00000000..74a84853 Binary files /dev/null and b/flowers/train/5/image_05202.jpg differ diff --git a/flowers/train/5/image_05203.jpg b/flowers/train/5/image_05203.jpg new file mode 100644 index 00000000..6eec2cf9 Binary files /dev/null and b/flowers/train/5/image_05203.jpg differ diff --git a/flowers/train/5/image_05204.jpg b/flowers/train/5/image_05204.jpg new file mode 100644 index 00000000..4066a423 Binary files /dev/null and b/flowers/train/5/image_05204.jpg differ diff --git a/flowers/train/5/image_05205.jpg b/flowers/train/5/image_05205.jpg new file mode 100644 index 00000000..9c9808f6 Binary files /dev/null and b/flowers/train/5/image_05205.jpg differ diff --git a/flowers/train/5/image_05206.jpg b/flowers/train/5/image_05206.jpg new file mode 100644 index 00000000..5f2fea83 Binary files /dev/null and b/flowers/train/5/image_05206.jpg differ diff --git a/flowers/train/5/image_05207.jpg b/flowers/train/5/image_05207.jpg new file mode 100644 index 00000000..1e431bec Binary files /dev/null and b/flowers/train/5/image_05207.jpg differ diff --git a/flowers/train/5/image_05208.jpg b/flowers/train/5/image_05208.jpg new file mode 100644 index 00000000..e0896347 Binary files /dev/null and b/flowers/train/5/image_05208.jpg differ diff --git a/flowers/train/5/image_05210.jpg b/flowers/train/5/image_05210.jpg new file mode 100644 index 00000000..63739c81 Binary files /dev/null and b/flowers/train/5/image_05210.jpg differ diff --git a/flowers/train/5/image_05211.jpg b/flowers/train/5/image_05211.jpg new file mode 100644 index 00000000..734a7da0 Binary files /dev/null and b/flowers/train/5/image_05211.jpg differ diff --git a/flowers/train/50/image_06298.jpg b/flowers/train/50/image_06298.jpg new file mode 100644 index 00000000..c068b436 Binary files /dev/null and b/flowers/train/50/image_06298.jpg differ diff --git a/flowers/train/50/image_06299.jpg b/flowers/train/50/image_06299.jpg new file mode 100644 index 00000000..8f3b43a2 Binary files /dev/null and b/flowers/train/50/image_06299.jpg differ diff --git a/flowers/train/50/image_06300.jpg b/flowers/train/50/image_06300.jpg new file mode 100644 index 00000000..8c526bc2 Binary files /dev/null and b/flowers/train/50/image_06300.jpg differ diff --git a/flowers/train/50/image_06301.jpg b/flowers/train/50/image_06301.jpg new file mode 100644 index 00000000..d70fa6a9 Binary files /dev/null and b/flowers/train/50/image_06301.jpg differ diff --git a/flowers/train/50/image_06302.jpg b/flowers/train/50/image_06302.jpg new file mode 100644 index 00000000..8bdae2a6 Binary files /dev/null and b/flowers/train/50/image_06302.jpg differ diff --git a/flowers/train/50/image_06303.jpg b/flowers/train/50/image_06303.jpg new file mode 100644 index 00000000..0a9893fe Binary files /dev/null and b/flowers/train/50/image_06303.jpg differ diff --git a/flowers/train/50/image_06304.jpg b/flowers/train/50/image_06304.jpg new file mode 100644 index 00000000..9c05ca10 Binary files /dev/null and b/flowers/train/50/image_06304.jpg differ diff --git a/flowers/train/50/image_06306.jpg b/flowers/train/50/image_06306.jpg new file mode 100644 index 00000000..388c0539 Binary files /dev/null and b/flowers/train/50/image_06306.jpg differ diff --git a/flowers/train/50/image_06307.jpg b/flowers/train/50/image_06307.jpg new file mode 100644 index 00000000..e0a45693 Binary files /dev/null and b/flowers/train/50/image_06307.jpg differ diff --git a/flowers/train/50/image_06308.jpg b/flowers/train/50/image_06308.jpg new file mode 100644 index 00000000..2cb4d060 Binary files /dev/null and b/flowers/train/50/image_06308.jpg differ diff --git a/flowers/train/50/image_06309.jpg b/flowers/train/50/image_06309.jpg new file mode 100644 index 00000000..3c9f1e10 Binary files /dev/null and b/flowers/train/50/image_06309.jpg differ diff --git a/flowers/train/50/image_06310.jpg b/flowers/train/50/image_06310.jpg new file mode 100644 index 00000000..bf0bf522 Binary files /dev/null and b/flowers/train/50/image_06310.jpg differ diff --git a/flowers/train/50/image_06312.jpg b/flowers/train/50/image_06312.jpg new file mode 100644 index 00000000..bed047d1 Binary files /dev/null and b/flowers/train/50/image_06312.jpg differ diff --git a/flowers/train/50/image_06313.jpg b/flowers/train/50/image_06313.jpg new file mode 100644 index 00000000..8e989787 Binary files /dev/null and b/flowers/train/50/image_06313.jpg differ diff --git a/flowers/train/50/image_06314.jpg b/flowers/train/50/image_06314.jpg new file mode 100644 index 00000000..8a1ff88a Binary files /dev/null and b/flowers/train/50/image_06314.jpg differ diff --git a/flowers/train/50/image_06315.jpg b/flowers/train/50/image_06315.jpg new file mode 100644 index 00000000..2625e251 Binary files /dev/null and b/flowers/train/50/image_06315.jpg differ diff --git a/flowers/train/50/image_06316.jpg b/flowers/train/50/image_06316.jpg new file mode 100644 index 00000000..302cf9a4 Binary files /dev/null and b/flowers/train/50/image_06316.jpg differ diff --git a/flowers/train/50/image_06317.jpg b/flowers/train/50/image_06317.jpg new file mode 100644 index 00000000..70cebbe7 Binary files /dev/null and b/flowers/train/50/image_06317.jpg differ diff --git a/flowers/train/50/image_06322.jpg b/flowers/train/50/image_06322.jpg new file mode 100644 index 00000000..da480ed8 Binary files /dev/null and b/flowers/train/50/image_06322.jpg differ diff --git a/flowers/train/50/image_06323.jpg b/flowers/train/50/image_06323.jpg new file mode 100644 index 00000000..949baac4 Binary files /dev/null and b/flowers/train/50/image_06323.jpg differ diff --git a/flowers/train/50/image_06325.jpg b/flowers/train/50/image_06325.jpg new file mode 100644 index 00000000..5629cebc Binary files /dev/null and b/flowers/train/50/image_06325.jpg differ diff --git a/flowers/train/50/image_06326.jpg b/flowers/train/50/image_06326.jpg new file mode 100644 index 00000000..f25ffc48 Binary files /dev/null and b/flowers/train/50/image_06326.jpg differ diff --git a/flowers/train/50/image_06327.jpg b/flowers/train/50/image_06327.jpg new file mode 100644 index 00000000..2ddc3a26 Binary files /dev/null and b/flowers/train/50/image_06327.jpg differ diff --git a/flowers/train/50/image_06328.jpg b/flowers/train/50/image_06328.jpg new file mode 100644 index 00000000..9c933fbc Binary files /dev/null and b/flowers/train/50/image_06328.jpg differ diff --git a/flowers/train/50/image_06329.jpg b/flowers/train/50/image_06329.jpg new file mode 100644 index 00000000..dbcc8d7e Binary files /dev/null and b/flowers/train/50/image_06329.jpg differ diff --git a/flowers/train/50/image_06330.jpg b/flowers/train/50/image_06330.jpg new file mode 100644 index 00000000..a530a330 Binary files /dev/null and b/flowers/train/50/image_06330.jpg differ diff --git a/flowers/train/50/image_06332.jpg b/flowers/train/50/image_06332.jpg new file mode 100644 index 00000000..8b1a78b1 Binary files /dev/null and b/flowers/train/50/image_06332.jpg differ diff --git a/flowers/train/50/image_06333.jpg b/flowers/train/50/image_06333.jpg new file mode 100644 index 00000000..9f92615c Binary files /dev/null and b/flowers/train/50/image_06333.jpg differ diff --git a/flowers/train/50/image_06334.jpg b/flowers/train/50/image_06334.jpg new file mode 100644 index 00000000..fb280062 Binary files /dev/null and b/flowers/train/50/image_06334.jpg differ diff --git a/flowers/train/50/image_06335.jpg b/flowers/train/50/image_06335.jpg new file mode 100644 index 00000000..69165f55 Binary files /dev/null and b/flowers/train/50/image_06335.jpg differ diff --git a/flowers/train/50/image_06336.jpg b/flowers/train/50/image_06336.jpg new file mode 100644 index 00000000..a92da056 Binary files /dev/null and b/flowers/train/50/image_06336.jpg differ diff --git a/flowers/train/50/image_06337.jpg b/flowers/train/50/image_06337.jpg new file mode 100644 index 00000000..4e69a9ad Binary files /dev/null and b/flowers/train/50/image_06337.jpg differ diff --git a/flowers/train/50/image_06338.jpg b/flowers/train/50/image_06338.jpg new file mode 100644 index 00000000..c98403ff Binary files /dev/null and b/flowers/train/50/image_06338.jpg differ diff --git a/flowers/train/50/image_06339.jpg b/flowers/train/50/image_06339.jpg new file mode 100644 index 00000000..232ddc94 Binary files /dev/null and b/flowers/train/50/image_06339.jpg differ diff --git a/flowers/train/50/image_06340.jpg b/flowers/train/50/image_06340.jpg new file mode 100644 index 00000000..51624da3 Binary files /dev/null and b/flowers/train/50/image_06340.jpg differ diff --git a/flowers/train/50/image_06341.jpg b/flowers/train/50/image_06341.jpg new file mode 100644 index 00000000..d1bfdee2 Binary files /dev/null and b/flowers/train/50/image_06341.jpg differ diff --git a/flowers/train/50/image_06342.jpg b/flowers/train/50/image_06342.jpg new file mode 100644 index 00000000..38be1a0d Binary files /dev/null and b/flowers/train/50/image_06342.jpg differ diff --git a/flowers/train/50/image_06343.jpg b/flowers/train/50/image_06343.jpg new file mode 100644 index 00000000..987b41c7 Binary files /dev/null and b/flowers/train/50/image_06343.jpg differ diff --git a/flowers/train/50/image_06344.jpg b/flowers/train/50/image_06344.jpg new file mode 100644 index 00000000..9accd403 Binary files /dev/null and b/flowers/train/50/image_06344.jpg differ diff --git a/flowers/train/50/image_06345.jpg b/flowers/train/50/image_06345.jpg new file mode 100644 index 00000000..4af1976d Binary files /dev/null and b/flowers/train/50/image_06345.jpg differ diff --git a/flowers/train/50/image_06529.jpg b/flowers/train/50/image_06529.jpg new file mode 100644 index 00000000..9020d90b Binary files /dev/null and b/flowers/train/50/image_06529.jpg differ diff --git a/flowers/train/50/image_06530.jpg b/flowers/train/50/image_06530.jpg new file mode 100644 index 00000000..469993d1 Binary files /dev/null and b/flowers/train/50/image_06530.jpg differ diff --git a/flowers/train/50/image_06531.jpg b/flowers/train/50/image_06531.jpg new file mode 100644 index 00000000..46bd5f34 Binary files /dev/null and b/flowers/train/50/image_06531.jpg differ diff --git a/flowers/train/50/image_06532.jpg b/flowers/train/50/image_06532.jpg new file mode 100644 index 00000000..17da8fe7 Binary files /dev/null and b/flowers/train/50/image_06532.jpg differ diff --git a/flowers/train/50/image_06533.jpg b/flowers/train/50/image_06533.jpg new file mode 100644 index 00000000..3bbd7b8c Binary files /dev/null and b/flowers/train/50/image_06533.jpg differ diff --git a/flowers/train/50/image_06535.jpg b/flowers/train/50/image_06535.jpg new file mode 100644 index 00000000..ab8302e6 Binary files /dev/null and b/flowers/train/50/image_06535.jpg differ diff --git a/flowers/train/50/image_06536.jpg b/flowers/train/50/image_06536.jpg new file mode 100644 index 00000000..6745dd92 Binary files /dev/null and b/flowers/train/50/image_06536.jpg differ diff --git a/flowers/train/50/image_06537.jpg b/flowers/train/50/image_06537.jpg new file mode 100644 index 00000000..5f07184c Binary files /dev/null and b/flowers/train/50/image_06537.jpg differ diff --git a/flowers/train/50/image_06538.jpg b/flowers/train/50/image_06538.jpg new file mode 100644 index 00000000..212d217b Binary files /dev/null and b/flowers/train/50/image_06538.jpg differ diff --git a/flowers/train/50/image_06539.jpg b/flowers/train/50/image_06539.jpg new file mode 100644 index 00000000..3cff7c17 Binary files /dev/null and b/flowers/train/50/image_06539.jpg differ diff --git a/flowers/train/50/image_06540.jpg b/flowers/train/50/image_06540.jpg new file mode 100644 index 00000000..b814ed41 Binary files /dev/null and b/flowers/train/50/image_06540.jpg differ diff --git a/flowers/train/50/image_06542.jpg b/flowers/train/50/image_06542.jpg new file mode 100644 index 00000000..03bcc7d4 Binary files /dev/null and b/flowers/train/50/image_06542.jpg differ diff --git a/flowers/train/50/image_06543.jpg b/flowers/train/50/image_06543.jpg new file mode 100644 index 00000000..364839fe Binary files /dev/null and b/flowers/train/50/image_06543.jpg differ diff --git a/flowers/train/50/image_06545.jpg b/flowers/train/50/image_06545.jpg new file mode 100644 index 00000000..702f1e99 Binary files /dev/null and b/flowers/train/50/image_06545.jpg differ diff --git a/flowers/train/50/image_06548.jpg b/flowers/train/50/image_06548.jpg new file mode 100644 index 00000000..0ba7afff Binary files /dev/null and b/flowers/train/50/image_06548.jpg differ diff --git a/flowers/train/50/image_06549.jpg b/flowers/train/50/image_06549.jpg new file mode 100644 index 00000000..b8ebb38f Binary files /dev/null and b/flowers/train/50/image_06549.jpg differ diff --git a/flowers/train/50/image_06551.jpg b/flowers/train/50/image_06551.jpg new file mode 100644 index 00000000..9f3c553a Binary files /dev/null and b/flowers/train/50/image_06551.jpg differ diff --git a/flowers/train/50/image_06553.jpg b/flowers/train/50/image_06553.jpg new file mode 100644 index 00000000..ee7467cd Binary files /dev/null and b/flowers/train/50/image_06553.jpg differ diff --git a/flowers/train/50/image_06554.jpg b/flowers/train/50/image_06554.jpg new file mode 100644 index 00000000..1c8b12c1 Binary files /dev/null and b/flowers/train/50/image_06554.jpg differ diff --git a/flowers/train/50/image_06555.jpg b/flowers/train/50/image_06555.jpg new file mode 100644 index 00000000..aff72818 Binary files /dev/null and b/flowers/train/50/image_06555.jpg differ diff --git a/flowers/train/50/image_06556.jpg b/flowers/train/50/image_06556.jpg new file mode 100644 index 00000000..8639a853 Binary files /dev/null and b/flowers/train/50/image_06556.jpg differ diff --git a/flowers/train/50/image_06557.jpg b/flowers/train/50/image_06557.jpg new file mode 100644 index 00000000..68b3e072 Binary files /dev/null and b/flowers/train/50/image_06557.jpg differ diff --git a/flowers/train/50/image_06559.jpg b/flowers/train/50/image_06559.jpg new file mode 100644 index 00000000..8b5766f6 Binary files /dev/null and b/flowers/train/50/image_06559.jpg differ diff --git a/flowers/train/50/image_06560.jpg b/flowers/train/50/image_06560.jpg new file mode 100644 index 00000000..85dd4040 Binary files /dev/null and b/flowers/train/50/image_06560.jpg differ diff --git a/flowers/train/50/image_06561.jpg b/flowers/train/50/image_06561.jpg new file mode 100644 index 00000000..ebb2d5cd Binary files /dev/null and b/flowers/train/50/image_06561.jpg differ diff --git a/flowers/train/50/image_06563.jpg b/flowers/train/50/image_06563.jpg new file mode 100644 index 00000000..917db1b0 Binary files /dev/null and b/flowers/train/50/image_06563.jpg differ diff --git a/flowers/train/50/image_06564.jpg b/flowers/train/50/image_06564.jpg new file mode 100644 index 00000000..5ec61f1a Binary files /dev/null and b/flowers/train/50/image_06564.jpg differ diff --git a/flowers/train/50/image_06565.jpg b/flowers/train/50/image_06565.jpg new file mode 100644 index 00000000..ad50ed8a Binary files /dev/null and b/flowers/train/50/image_06565.jpg differ diff --git a/flowers/train/50/image_06566.jpg b/flowers/train/50/image_06566.jpg new file mode 100644 index 00000000..3c621429 Binary files /dev/null and b/flowers/train/50/image_06566.jpg differ diff --git a/flowers/train/50/image_06567.jpg b/flowers/train/50/image_06567.jpg new file mode 100644 index 00000000..e1e2ce51 Binary files /dev/null and b/flowers/train/50/image_06567.jpg differ diff --git a/flowers/train/50/image_06568.jpg b/flowers/train/50/image_06568.jpg new file mode 100644 index 00000000..3895dd4c Binary files /dev/null and b/flowers/train/50/image_06568.jpg differ diff --git a/flowers/train/50/image_06569.jpg b/flowers/train/50/image_06569.jpg new file mode 100644 index 00000000..15e03126 Binary files /dev/null and b/flowers/train/50/image_06569.jpg differ diff --git a/flowers/train/50/image_06570.jpg b/flowers/train/50/image_06570.jpg new file mode 100644 index 00000000..dd5f253d Binary files /dev/null and b/flowers/train/50/image_06570.jpg differ diff --git a/flowers/train/51/image_01317.jpg b/flowers/train/51/image_01317.jpg new file mode 100644 index 00000000..737fd5de Binary files /dev/null and b/flowers/train/51/image_01317.jpg differ diff --git a/flowers/train/51/image_01318.jpg b/flowers/train/51/image_01318.jpg new file mode 100644 index 00000000..ae29f56b Binary files /dev/null and b/flowers/train/51/image_01318.jpg differ diff --git a/flowers/train/51/image_01319.jpg b/flowers/train/51/image_01319.jpg new file mode 100644 index 00000000..23abce19 Binary files /dev/null and b/flowers/train/51/image_01319.jpg differ diff --git a/flowers/train/51/image_01320.jpg b/flowers/train/51/image_01320.jpg new file mode 100644 index 00000000..8b2ca4da Binary files /dev/null and b/flowers/train/51/image_01320.jpg differ diff --git a/flowers/train/51/image_01321.jpg b/flowers/train/51/image_01321.jpg new file mode 100644 index 00000000..ab46f6a3 Binary files /dev/null and b/flowers/train/51/image_01321.jpg differ diff --git a/flowers/train/51/image_01323.jpg b/flowers/train/51/image_01323.jpg new file mode 100644 index 00000000..f75e6a59 Binary files /dev/null and b/flowers/train/51/image_01323.jpg differ diff --git a/flowers/train/51/image_01324.jpg b/flowers/train/51/image_01324.jpg new file mode 100644 index 00000000..3c1e648c Binary files /dev/null and b/flowers/train/51/image_01324.jpg differ diff --git a/flowers/train/51/image_01325.jpg b/flowers/train/51/image_01325.jpg new file mode 100644 index 00000000..04cf084e Binary files /dev/null and b/flowers/train/51/image_01325.jpg differ diff --git a/flowers/train/51/image_01327.jpg b/flowers/train/51/image_01327.jpg new file mode 100644 index 00000000..45b71850 Binary files /dev/null and b/flowers/train/51/image_01327.jpg differ diff --git a/flowers/train/51/image_01329.jpg b/flowers/train/51/image_01329.jpg new file mode 100644 index 00000000..60081e7c Binary files /dev/null and b/flowers/train/51/image_01329.jpg differ diff --git a/flowers/train/51/image_01330.jpg b/flowers/train/51/image_01330.jpg new file mode 100644 index 00000000..cbe7f70e Binary files /dev/null and b/flowers/train/51/image_01330.jpg differ diff --git a/flowers/train/51/image_01331.jpg b/flowers/train/51/image_01331.jpg new file mode 100644 index 00000000..f668b721 Binary files /dev/null and b/flowers/train/51/image_01331.jpg differ diff --git a/flowers/train/51/image_01332.jpg b/flowers/train/51/image_01332.jpg new file mode 100644 index 00000000..69593bb3 Binary files /dev/null and b/flowers/train/51/image_01332.jpg differ diff --git a/flowers/train/51/image_01333.jpg b/flowers/train/51/image_01333.jpg new file mode 100644 index 00000000..3a7db66d Binary files /dev/null and b/flowers/train/51/image_01333.jpg differ diff --git a/flowers/train/51/image_01334.jpg b/flowers/train/51/image_01334.jpg new file mode 100644 index 00000000..9e3444eb Binary files /dev/null and b/flowers/train/51/image_01334.jpg differ diff --git a/flowers/train/51/image_01336.jpg b/flowers/train/51/image_01336.jpg new file mode 100644 index 00000000..f199377a Binary files /dev/null and b/flowers/train/51/image_01336.jpg differ diff --git a/flowers/train/51/image_01337.jpg b/flowers/train/51/image_01337.jpg new file mode 100644 index 00000000..b5a7b645 Binary files /dev/null and b/flowers/train/51/image_01337.jpg differ diff --git a/flowers/train/51/image_01338.jpg b/flowers/train/51/image_01338.jpg new file mode 100644 index 00000000..4e483865 Binary files /dev/null and b/flowers/train/51/image_01338.jpg differ diff --git a/flowers/train/51/image_01339.jpg b/flowers/train/51/image_01339.jpg new file mode 100644 index 00000000..4cc078e9 Binary files /dev/null and b/flowers/train/51/image_01339.jpg differ diff --git a/flowers/train/51/image_01341.jpg b/flowers/train/51/image_01341.jpg new file mode 100644 index 00000000..1f4e7b8c Binary files /dev/null and b/flowers/train/51/image_01341.jpg differ diff --git a/flowers/train/51/image_01342.jpg b/flowers/train/51/image_01342.jpg new file mode 100644 index 00000000..2d17c102 Binary files /dev/null and b/flowers/train/51/image_01342.jpg differ diff --git a/flowers/train/51/image_01343.jpg b/flowers/train/51/image_01343.jpg new file mode 100644 index 00000000..ad5e2110 Binary files /dev/null and b/flowers/train/51/image_01343.jpg differ diff --git a/flowers/train/51/image_01344.jpg b/flowers/train/51/image_01344.jpg new file mode 100644 index 00000000..f2e7a2bf Binary files /dev/null and b/flowers/train/51/image_01344.jpg differ diff --git a/flowers/train/51/image_01345.jpg b/flowers/train/51/image_01345.jpg new file mode 100644 index 00000000..4f3f0e94 Binary files /dev/null and b/flowers/train/51/image_01345.jpg differ diff --git a/flowers/train/51/image_01347.jpg b/flowers/train/51/image_01347.jpg new file mode 100644 index 00000000..c044e43a Binary files /dev/null and b/flowers/train/51/image_01347.jpg differ diff --git a/flowers/train/51/image_01348.jpg b/flowers/train/51/image_01348.jpg new file mode 100644 index 00000000..e855dbd8 Binary files /dev/null and b/flowers/train/51/image_01348.jpg differ diff --git a/flowers/train/51/image_01349.jpg b/flowers/train/51/image_01349.jpg new file mode 100644 index 00000000..d1e5a4d2 Binary files /dev/null and b/flowers/train/51/image_01349.jpg differ diff --git a/flowers/train/51/image_01350.jpg b/flowers/train/51/image_01350.jpg new file mode 100644 index 00000000..f93def00 Binary files /dev/null and b/flowers/train/51/image_01350.jpg differ diff --git a/flowers/train/51/image_01351.jpg b/flowers/train/51/image_01351.jpg new file mode 100644 index 00000000..42c8d0f2 Binary files /dev/null and b/flowers/train/51/image_01351.jpg differ diff --git a/flowers/train/51/image_01353.jpg b/flowers/train/51/image_01353.jpg new file mode 100644 index 00000000..96314c1d Binary files /dev/null and b/flowers/train/51/image_01353.jpg differ diff --git a/flowers/train/51/image_01355.jpg b/flowers/train/51/image_01355.jpg new file mode 100644 index 00000000..ec15146e Binary files /dev/null and b/flowers/train/51/image_01355.jpg differ diff --git a/flowers/train/51/image_01356.jpg b/flowers/train/51/image_01356.jpg new file mode 100644 index 00000000..d83b86a0 Binary files /dev/null and b/flowers/train/51/image_01356.jpg differ diff --git a/flowers/train/51/image_01357.jpg b/flowers/train/51/image_01357.jpg new file mode 100644 index 00000000..61e8c71a Binary files /dev/null and b/flowers/train/51/image_01357.jpg differ diff --git a/flowers/train/51/image_01358.jpg b/flowers/train/51/image_01358.jpg new file mode 100644 index 00000000..d894ece3 Binary files /dev/null and b/flowers/train/51/image_01358.jpg differ diff --git a/flowers/train/51/image_01359.jpg b/flowers/train/51/image_01359.jpg new file mode 100644 index 00000000..bb7ab833 Binary files /dev/null and b/flowers/train/51/image_01359.jpg differ diff --git a/flowers/train/51/image_01360.jpg b/flowers/train/51/image_01360.jpg new file mode 100644 index 00000000..8d0dbb36 Binary files /dev/null and b/flowers/train/51/image_01360.jpg differ diff --git a/flowers/train/51/image_01361.jpg b/flowers/train/51/image_01361.jpg new file mode 100644 index 00000000..ef326460 Binary files /dev/null and b/flowers/train/51/image_01361.jpg differ diff --git a/flowers/train/51/image_01364.jpg b/flowers/train/51/image_01364.jpg new file mode 100644 index 00000000..9a581801 Binary files /dev/null and b/flowers/train/51/image_01364.jpg differ diff --git a/flowers/train/51/image_01365.jpg b/flowers/train/51/image_01365.jpg new file mode 100644 index 00000000..b861f4a2 Binary files /dev/null and b/flowers/train/51/image_01365.jpg differ diff --git a/flowers/train/51/image_01366.jpg b/flowers/train/51/image_01366.jpg new file mode 100644 index 00000000..57a50f26 Binary files /dev/null and b/flowers/train/51/image_01366.jpg differ diff --git a/flowers/train/51/image_01367.jpg b/flowers/train/51/image_01367.jpg new file mode 100644 index 00000000..86a78c82 Binary files /dev/null and b/flowers/train/51/image_01367.jpg differ diff --git a/flowers/train/51/image_01368.jpg b/flowers/train/51/image_01368.jpg new file mode 100644 index 00000000..716f8bdb Binary files /dev/null and b/flowers/train/51/image_01368.jpg differ diff --git a/flowers/train/51/image_01369.jpg b/flowers/train/51/image_01369.jpg new file mode 100644 index 00000000..73a0232e Binary files /dev/null and b/flowers/train/51/image_01369.jpg differ diff --git a/flowers/train/51/image_01371.jpg b/flowers/train/51/image_01371.jpg new file mode 100644 index 00000000..2aa6be39 Binary files /dev/null and b/flowers/train/51/image_01371.jpg differ diff --git a/flowers/train/51/image_01372.jpg b/flowers/train/51/image_01372.jpg new file mode 100644 index 00000000..92f25b14 Binary files /dev/null and b/flowers/train/51/image_01372.jpg differ diff --git a/flowers/train/51/image_01373.jpg b/flowers/train/51/image_01373.jpg new file mode 100644 index 00000000..df6cd3f5 Binary files /dev/null and b/flowers/train/51/image_01373.jpg differ diff --git a/flowers/train/51/image_01374.jpg b/flowers/train/51/image_01374.jpg new file mode 100644 index 00000000..cc94476b Binary files /dev/null and b/flowers/train/51/image_01374.jpg differ diff --git a/flowers/train/51/image_01375.jpg b/flowers/train/51/image_01375.jpg new file mode 100644 index 00000000..d3c68abb Binary files /dev/null and b/flowers/train/51/image_01375.jpg differ diff --git a/flowers/train/51/image_01376.jpg b/flowers/train/51/image_01376.jpg new file mode 100644 index 00000000..d297685c Binary files /dev/null and b/flowers/train/51/image_01376.jpg differ diff --git a/flowers/train/51/image_01377.jpg b/flowers/train/51/image_01377.jpg new file mode 100644 index 00000000..003b401b Binary files /dev/null and b/flowers/train/51/image_01377.jpg differ diff --git a/flowers/train/51/image_01378.jpg b/flowers/train/51/image_01378.jpg new file mode 100644 index 00000000..3affb2b0 Binary files /dev/null and b/flowers/train/51/image_01378.jpg differ diff --git a/flowers/train/51/image_01379.jpg b/flowers/train/51/image_01379.jpg new file mode 100644 index 00000000..837c8f02 Binary files /dev/null and b/flowers/train/51/image_01379.jpg differ diff --git a/flowers/train/51/image_01380.jpg b/flowers/train/51/image_01380.jpg new file mode 100644 index 00000000..0e8b94c1 Binary files /dev/null and b/flowers/train/51/image_01380.jpg differ diff --git a/flowers/train/51/image_01381.jpg b/flowers/train/51/image_01381.jpg new file mode 100644 index 00000000..44e19ae2 Binary files /dev/null and b/flowers/train/51/image_01381.jpg differ diff --git a/flowers/train/51/image_01382.jpg b/flowers/train/51/image_01382.jpg new file mode 100644 index 00000000..448f2dfe Binary files /dev/null and b/flowers/train/51/image_01382.jpg differ diff --git a/flowers/train/51/image_01383.jpg b/flowers/train/51/image_01383.jpg new file mode 100644 index 00000000..efa551ef Binary files /dev/null and b/flowers/train/51/image_01383.jpg differ diff --git a/flowers/train/51/image_01384.jpg b/flowers/train/51/image_01384.jpg new file mode 100644 index 00000000..22f001c2 Binary files /dev/null and b/flowers/train/51/image_01384.jpg differ diff --git a/flowers/train/51/image_01385.jpg b/flowers/train/51/image_01385.jpg new file mode 100644 index 00000000..e30cee7e Binary files /dev/null and b/flowers/train/51/image_01385.jpg differ diff --git a/flowers/train/51/image_01386.jpg b/flowers/train/51/image_01386.jpg new file mode 100644 index 00000000..339b72be Binary files /dev/null and b/flowers/train/51/image_01386.jpg differ diff --git a/flowers/train/51/image_01387.jpg b/flowers/train/51/image_01387.jpg new file mode 100644 index 00000000..afcf48c2 Binary files /dev/null and b/flowers/train/51/image_01387.jpg differ diff --git a/flowers/train/51/image_01390.jpg b/flowers/train/51/image_01390.jpg new file mode 100644 index 00000000..f9b37799 Binary files /dev/null and b/flowers/train/51/image_01390.jpg differ diff --git a/flowers/train/51/image_01392.jpg b/flowers/train/51/image_01392.jpg new file mode 100644 index 00000000..20e4af28 Binary files /dev/null and b/flowers/train/51/image_01392.jpg differ diff --git a/flowers/train/51/image_01393.jpg b/flowers/train/51/image_01393.jpg new file mode 100644 index 00000000..c31e511b Binary files /dev/null and b/flowers/train/51/image_01393.jpg differ diff --git a/flowers/train/51/image_01394.jpg b/flowers/train/51/image_01394.jpg new file mode 100644 index 00000000..5caec49f Binary files /dev/null and b/flowers/train/51/image_01394.jpg differ diff --git a/flowers/train/51/image_01395.jpg b/flowers/train/51/image_01395.jpg new file mode 100644 index 00000000..889db3f2 Binary files /dev/null and b/flowers/train/51/image_01395.jpg differ diff --git a/flowers/train/51/image_01396.jpg b/flowers/train/51/image_01396.jpg new file mode 100644 index 00000000..45f78ec1 Binary files /dev/null and b/flowers/train/51/image_01396.jpg differ diff --git a/flowers/train/51/image_01397.jpg b/flowers/train/51/image_01397.jpg new file mode 100644 index 00000000..d3a0ad0a Binary files /dev/null and b/flowers/train/51/image_01397.jpg differ diff --git a/flowers/train/51/image_01398.jpg b/flowers/train/51/image_01398.jpg new file mode 100644 index 00000000..f91d4bf8 Binary files /dev/null and b/flowers/train/51/image_01398.jpg differ diff --git a/flowers/train/51/image_01399.jpg b/flowers/train/51/image_01399.jpg new file mode 100644 index 00000000..757d4e06 Binary files /dev/null and b/flowers/train/51/image_01399.jpg differ diff --git a/flowers/train/51/image_01400.jpg b/flowers/train/51/image_01400.jpg new file mode 100644 index 00000000..5008993d Binary files /dev/null and b/flowers/train/51/image_01400.jpg differ diff --git a/flowers/train/51/image_01401.jpg b/flowers/train/51/image_01401.jpg new file mode 100644 index 00000000..a0622439 Binary files /dev/null and b/flowers/train/51/image_01401.jpg differ diff --git a/flowers/train/51/image_01402.jpg b/flowers/train/51/image_01402.jpg new file mode 100644 index 00000000..a62f726b Binary files /dev/null and b/flowers/train/51/image_01402.jpg differ diff --git a/flowers/train/51/image_01403.jpg b/flowers/train/51/image_01403.jpg new file mode 100644 index 00000000..b5957642 Binary files /dev/null and b/flowers/train/51/image_01403.jpg differ diff --git a/flowers/train/51/image_01404.jpg b/flowers/train/51/image_01404.jpg new file mode 100644 index 00000000..5baa1261 Binary files /dev/null and b/flowers/train/51/image_01404.jpg differ diff --git a/flowers/train/51/image_01405.jpg b/flowers/train/51/image_01405.jpg new file mode 100644 index 00000000..d4fbd9e4 Binary files /dev/null and b/flowers/train/51/image_01405.jpg differ diff --git a/flowers/train/51/image_01408.jpg b/flowers/train/51/image_01408.jpg new file mode 100644 index 00000000..9264307f Binary files /dev/null and b/flowers/train/51/image_01408.jpg differ diff --git a/flowers/train/51/image_01409.jpg b/flowers/train/51/image_01409.jpg new file mode 100644 index 00000000..9541cea9 Binary files /dev/null and b/flowers/train/51/image_01409.jpg differ diff --git a/flowers/train/51/image_01410.jpg b/flowers/train/51/image_01410.jpg new file mode 100644 index 00000000..d7afae1e Binary files /dev/null and b/flowers/train/51/image_01410.jpg differ diff --git a/flowers/train/51/image_01411.jpg b/flowers/train/51/image_01411.jpg new file mode 100644 index 00000000..71fce7b2 Binary files /dev/null and b/flowers/train/51/image_01411.jpg differ diff --git a/flowers/train/51/image_01412.jpg b/flowers/train/51/image_01412.jpg new file mode 100644 index 00000000..340664ba Binary files /dev/null and b/flowers/train/51/image_01412.jpg differ diff --git a/flowers/train/51/image_01413.jpg b/flowers/train/51/image_01413.jpg new file mode 100644 index 00000000..6556784b Binary files /dev/null and b/flowers/train/51/image_01413.jpg differ diff --git a/flowers/train/51/image_01415.jpg b/flowers/train/51/image_01415.jpg new file mode 100644 index 00000000..951cb9d2 Binary files /dev/null and b/flowers/train/51/image_01415.jpg differ diff --git a/flowers/train/51/image_01416.jpg b/flowers/train/51/image_01416.jpg new file mode 100644 index 00000000..50b4c3df Binary files /dev/null and b/flowers/train/51/image_01416.jpg differ diff --git a/flowers/train/51/image_01417.jpg b/flowers/train/51/image_01417.jpg new file mode 100644 index 00000000..05abbe38 Binary files /dev/null and b/flowers/train/51/image_01417.jpg differ diff --git a/flowers/train/51/image_01418.jpg b/flowers/train/51/image_01418.jpg new file mode 100644 index 00000000..290015c4 Binary files /dev/null and b/flowers/train/51/image_01418.jpg differ diff --git a/flowers/train/51/image_01420.jpg b/flowers/train/51/image_01420.jpg new file mode 100644 index 00000000..0318f137 Binary files /dev/null and b/flowers/train/51/image_01420.jpg differ diff --git a/flowers/train/51/image_01421.jpg b/flowers/train/51/image_01421.jpg new file mode 100644 index 00000000..592175a1 Binary files /dev/null and b/flowers/train/51/image_01421.jpg differ diff --git a/flowers/train/51/image_01422.jpg b/flowers/train/51/image_01422.jpg new file mode 100644 index 00000000..999b394c Binary files /dev/null and b/flowers/train/51/image_01422.jpg differ diff --git a/flowers/train/51/image_01423.jpg b/flowers/train/51/image_01423.jpg new file mode 100644 index 00000000..307d216d Binary files /dev/null and b/flowers/train/51/image_01423.jpg differ diff --git a/flowers/train/51/image_01424.jpg b/flowers/train/51/image_01424.jpg new file mode 100644 index 00000000..933dd2e9 Binary files /dev/null and b/flowers/train/51/image_01424.jpg differ diff --git a/flowers/train/51/image_01426.jpg b/flowers/train/51/image_01426.jpg new file mode 100644 index 00000000..e68dd866 Binary files /dev/null and b/flowers/train/51/image_01426.jpg differ diff --git a/flowers/train/51/image_01427.jpg b/flowers/train/51/image_01427.jpg new file mode 100644 index 00000000..a497ed0a Binary files /dev/null and b/flowers/train/51/image_01427.jpg differ diff --git a/flowers/train/51/image_01428.jpg b/flowers/train/51/image_01428.jpg new file mode 100644 index 00000000..aefedff7 Binary files /dev/null and b/flowers/train/51/image_01428.jpg differ diff --git a/flowers/train/51/image_01429.jpg b/flowers/train/51/image_01429.jpg new file mode 100644 index 00000000..0712b36a Binary files /dev/null and b/flowers/train/51/image_01429.jpg differ diff --git a/flowers/train/51/image_01430.jpg b/flowers/train/51/image_01430.jpg new file mode 100644 index 00000000..35d9aac0 Binary files /dev/null and b/flowers/train/51/image_01430.jpg differ diff --git a/flowers/train/51/image_01431.jpg b/flowers/train/51/image_01431.jpg new file mode 100644 index 00000000..adc45847 Binary files /dev/null and b/flowers/train/51/image_01431.jpg differ diff --git a/flowers/train/51/image_01432.jpg b/flowers/train/51/image_01432.jpg new file mode 100644 index 00000000..075e06ca Binary files /dev/null and b/flowers/train/51/image_01432.jpg differ diff --git a/flowers/train/51/image_01433.jpg b/flowers/train/51/image_01433.jpg new file mode 100644 index 00000000..7dd42a02 Binary files /dev/null and b/flowers/train/51/image_01433.jpg differ diff --git a/flowers/train/51/image_01434.jpg b/flowers/train/51/image_01434.jpg new file mode 100644 index 00000000..bdd2aaee Binary files /dev/null and b/flowers/train/51/image_01434.jpg differ diff --git a/flowers/train/51/image_01435.jpg b/flowers/train/51/image_01435.jpg new file mode 100644 index 00000000..e1cdc5c0 Binary files /dev/null and b/flowers/train/51/image_01435.jpg differ diff --git a/flowers/train/51/image_01436.jpg b/flowers/train/51/image_01436.jpg new file mode 100644 index 00000000..4c9e1dde Binary files /dev/null and b/flowers/train/51/image_01436.jpg differ diff --git a/flowers/train/51/image_01437.jpg b/flowers/train/51/image_01437.jpg new file mode 100644 index 00000000..5e7345b0 Binary files /dev/null and b/flowers/train/51/image_01437.jpg differ diff --git a/flowers/train/51/image_01438.jpg b/flowers/train/51/image_01438.jpg new file mode 100644 index 00000000..5fbeafa8 Binary files /dev/null and b/flowers/train/51/image_01438.jpg differ diff --git a/flowers/train/51/image_01440.jpg b/flowers/train/51/image_01440.jpg new file mode 100644 index 00000000..261cb30b Binary files /dev/null and b/flowers/train/51/image_01440.jpg differ diff --git a/flowers/train/51/image_01441.jpg b/flowers/train/51/image_01441.jpg new file mode 100644 index 00000000..448a3c0d Binary files /dev/null and b/flowers/train/51/image_01441.jpg differ diff --git a/flowers/train/51/image_01442.jpg b/flowers/train/51/image_01442.jpg new file mode 100644 index 00000000..09c71aac Binary files /dev/null and b/flowers/train/51/image_01442.jpg differ diff --git a/flowers/train/51/image_01443.jpg b/flowers/train/51/image_01443.jpg new file mode 100644 index 00000000..2d8b541d Binary files /dev/null and b/flowers/train/51/image_01443.jpg differ diff --git a/flowers/train/51/image_01444.jpg b/flowers/train/51/image_01444.jpg new file mode 100644 index 00000000..5d5301ab Binary files /dev/null and b/flowers/train/51/image_01444.jpg differ diff --git a/flowers/train/51/image_01445.jpg b/flowers/train/51/image_01445.jpg new file mode 100644 index 00000000..e567ad27 Binary files /dev/null and b/flowers/train/51/image_01445.jpg differ diff --git a/flowers/train/51/image_01446.jpg b/flowers/train/51/image_01446.jpg new file mode 100644 index 00000000..aadd7e2c Binary files /dev/null and b/flowers/train/51/image_01446.jpg differ diff --git a/flowers/train/51/image_01447.jpg b/flowers/train/51/image_01447.jpg new file mode 100644 index 00000000..cc0daab3 Binary files /dev/null and b/flowers/train/51/image_01447.jpg differ diff --git a/flowers/train/51/image_01448.jpg b/flowers/train/51/image_01448.jpg new file mode 100644 index 00000000..03495b40 Binary files /dev/null and b/flowers/train/51/image_01448.jpg differ diff --git a/flowers/train/51/image_01449.jpg b/flowers/train/51/image_01449.jpg new file mode 100644 index 00000000..29116ff9 Binary files /dev/null and b/flowers/train/51/image_01449.jpg differ diff --git a/flowers/train/51/image_01450.jpg b/flowers/train/51/image_01450.jpg new file mode 100644 index 00000000..eb5e7296 Binary files /dev/null and b/flowers/train/51/image_01450.jpg differ diff --git a/flowers/train/51/image_01451.jpg b/flowers/train/51/image_01451.jpg new file mode 100644 index 00000000..806ad2a0 Binary files /dev/null and b/flowers/train/51/image_01451.jpg differ diff --git a/flowers/train/51/image_01452.jpg b/flowers/train/51/image_01452.jpg new file mode 100644 index 00000000..318beb91 Binary files /dev/null and b/flowers/train/51/image_01452.jpg differ diff --git a/flowers/train/51/image_01453.jpg b/flowers/train/51/image_01453.jpg new file mode 100644 index 00000000..dc2a3896 Binary files /dev/null and b/flowers/train/51/image_01453.jpg differ diff --git a/flowers/train/51/image_01454.jpg b/flowers/train/51/image_01454.jpg new file mode 100644 index 00000000..809de569 Binary files /dev/null and b/flowers/train/51/image_01454.jpg differ diff --git a/flowers/train/51/image_01455.jpg b/flowers/train/51/image_01455.jpg new file mode 100644 index 00000000..dce7c044 Binary files /dev/null and b/flowers/train/51/image_01455.jpg differ diff --git a/flowers/train/51/image_01456.jpg b/flowers/train/51/image_01456.jpg new file mode 100644 index 00000000..32177ede Binary files /dev/null and b/flowers/train/51/image_01456.jpg differ diff --git a/flowers/train/51/image_01458.jpg b/flowers/train/51/image_01458.jpg new file mode 100644 index 00000000..df72e536 Binary files /dev/null and b/flowers/train/51/image_01458.jpg differ diff --git a/flowers/train/51/image_01460.jpg b/flowers/train/51/image_01460.jpg new file mode 100644 index 00000000..541a2862 Binary files /dev/null and b/flowers/train/51/image_01460.jpg differ diff --git a/flowers/train/51/image_01461.jpg b/flowers/train/51/image_01461.jpg new file mode 100644 index 00000000..41b78dc3 Binary files /dev/null and b/flowers/train/51/image_01461.jpg differ diff --git a/flowers/train/51/image_01462.jpg b/flowers/train/51/image_01462.jpg new file mode 100644 index 00000000..402bf92e Binary files /dev/null and b/flowers/train/51/image_01462.jpg differ diff --git a/flowers/train/51/image_01463.jpg b/flowers/train/51/image_01463.jpg new file mode 100644 index 00000000..404e682b Binary files /dev/null and b/flowers/train/51/image_01463.jpg differ diff --git a/flowers/train/51/image_01464.jpg b/flowers/train/51/image_01464.jpg new file mode 100644 index 00000000..6a2db9aa Binary files /dev/null and b/flowers/train/51/image_01464.jpg differ diff --git a/flowers/train/51/image_01465.jpg b/flowers/train/51/image_01465.jpg new file mode 100644 index 00000000..6af50d9a Binary files /dev/null and b/flowers/train/51/image_01465.jpg differ diff --git a/flowers/train/51/image_01466.jpg b/flowers/train/51/image_01466.jpg new file mode 100644 index 00000000..19598aa7 Binary files /dev/null and b/flowers/train/51/image_01466.jpg differ diff --git a/flowers/train/51/image_01467.jpg b/flowers/train/51/image_01467.jpg new file mode 100644 index 00000000..50966660 Binary files /dev/null and b/flowers/train/51/image_01467.jpg differ diff --git a/flowers/train/51/image_01470.jpg b/flowers/train/51/image_01470.jpg new file mode 100644 index 00000000..74129f2f Binary files /dev/null and b/flowers/train/51/image_01470.jpg differ diff --git a/flowers/train/51/image_01471.jpg b/flowers/train/51/image_01471.jpg new file mode 100644 index 00000000..04d87055 Binary files /dev/null and b/flowers/train/51/image_01471.jpg differ diff --git a/flowers/train/51/image_01472.jpg b/flowers/train/51/image_01472.jpg new file mode 100644 index 00000000..6b89acfe Binary files /dev/null and b/flowers/train/51/image_01472.jpg differ diff --git a/flowers/train/51/image_01475.jpg b/flowers/train/51/image_01475.jpg new file mode 100644 index 00000000..a6bc74c9 Binary files /dev/null and b/flowers/train/51/image_01475.jpg differ diff --git a/flowers/train/51/image_01476.jpg b/flowers/train/51/image_01476.jpg new file mode 100644 index 00000000..9494d94a Binary files /dev/null and b/flowers/train/51/image_01476.jpg differ diff --git a/flowers/train/51/image_01477.jpg b/flowers/train/51/image_01477.jpg new file mode 100644 index 00000000..6b8c3913 Binary files /dev/null and b/flowers/train/51/image_01477.jpg differ diff --git a/flowers/train/51/image_01478.jpg b/flowers/train/51/image_01478.jpg new file mode 100644 index 00000000..4149eb71 Binary files /dev/null and b/flowers/train/51/image_01478.jpg differ diff --git a/flowers/train/51/image_01479.jpg b/flowers/train/51/image_01479.jpg new file mode 100644 index 00000000..49fd4f6c Binary files /dev/null and b/flowers/train/51/image_01479.jpg differ diff --git a/flowers/train/51/image_01480.jpg b/flowers/train/51/image_01480.jpg new file mode 100644 index 00000000..e8676252 Binary files /dev/null and b/flowers/train/51/image_01480.jpg differ diff --git a/flowers/train/51/image_01481.jpg b/flowers/train/51/image_01481.jpg new file mode 100644 index 00000000..6eda0eab Binary files /dev/null and b/flowers/train/51/image_01481.jpg differ diff --git a/flowers/train/51/image_01482.jpg b/flowers/train/51/image_01482.jpg new file mode 100644 index 00000000..97bcacee Binary files /dev/null and b/flowers/train/51/image_01482.jpg differ diff --git a/flowers/train/51/image_01483.jpg b/flowers/train/51/image_01483.jpg new file mode 100644 index 00000000..0e2aa458 Binary files /dev/null and b/flowers/train/51/image_01483.jpg differ diff --git a/flowers/train/51/image_01484.jpg b/flowers/train/51/image_01484.jpg new file mode 100644 index 00000000..e084882f Binary files /dev/null and b/flowers/train/51/image_01484.jpg differ diff --git a/flowers/train/51/image_01485.jpg b/flowers/train/51/image_01485.jpg new file mode 100644 index 00000000..dc9bdb56 Binary files /dev/null and b/flowers/train/51/image_01485.jpg differ diff --git a/flowers/train/51/image_01486.jpg b/flowers/train/51/image_01486.jpg new file mode 100644 index 00000000..f93ad5fc Binary files /dev/null and b/flowers/train/51/image_01486.jpg differ diff --git a/flowers/train/51/image_01487.jpg b/flowers/train/51/image_01487.jpg new file mode 100644 index 00000000..53ca14c3 Binary files /dev/null and b/flowers/train/51/image_01487.jpg differ diff --git a/flowers/train/51/image_01488.jpg b/flowers/train/51/image_01488.jpg new file mode 100644 index 00000000..4647d383 Binary files /dev/null and b/flowers/train/51/image_01488.jpg differ diff --git a/flowers/train/51/image_01489.jpg b/flowers/train/51/image_01489.jpg new file mode 100644 index 00000000..d3a43a9b Binary files /dev/null and b/flowers/train/51/image_01489.jpg differ diff --git a/flowers/train/51/image_01490.jpg b/flowers/train/51/image_01490.jpg new file mode 100644 index 00000000..48722a0f Binary files /dev/null and b/flowers/train/51/image_01490.jpg differ diff --git a/flowers/train/51/image_03913.jpg b/flowers/train/51/image_03913.jpg new file mode 100644 index 00000000..b90ccc3a Binary files /dev/null and b/flowers/train/51/image_03913.jpg differ diff --git a/flowers/train/51/image_03914.jpg b/flowers/train/51/image_03914.jpg new file mode 100644 index 00000000..a083afd6 Binary files /dev/null and b/flowers/train/51/image_03914.jpg differ diff --git a/flowers/train/51/image_03915.jpg b/flowers/train/51/image_03915.jpg new file mode 100644 index 00000000..ca40f7e4 Binary files /dev/null and b/flowers/train/51/image_03915.jpg differ diff --git a/flowers/train/51/image_03918.jpg b/flowers/train/51/image_03918.jpg new file mode 100644 index 00000000..2b4a2270 Binary files /dev/null and b/flowers/train/51/image_03918.jpg differ diff --git a/flowers/train/51/image_03919.jpg b/flowers/train/51/image_03919.jpg new file mode 100644 index 00000000..44d29238 Binary files /dev/null and b/flowers/train/51/image_03919.jpg differ diff --git a/flowers/train/51/image_03920.jpg b/flowers/train/51/image_03920.jpg new file mode 100644 index 00000000..d10b076c Binary files /dev/null and b/flowers/train/51/image_03920.jpg differ diff --git a/flowers/train/51/image_03921.jpg b/flowers/train/51/image_03921.jpg new file mode 100644 index 00000000..6cdceff1 Binary files /dev/null and b/flowers/train/51/image_03921.jpg differ diff --git a/flowers/train/51/image_03922.jpg b/flowers/train/51/image_03922.jpg new file mode 100644 index 00000000..cf1380b3 Binary files /dev/null and b/flowers/train/51/image_03922.jpg differ diff --git a/flowers/train/51/image_03923.jpg b/flowers/train/51/image_03923.jpg new file mode 100644 index 00000000..640e7b22 Binary files /dev/null and b/flowers/train/51/image_03923.jpg differ diff --git a/flowers/train/51/image_03924.jpg b/flowers/train/51/image_03924.jpg new file mode 100644 index 00000000..720b5733 Binary files /dev/null and b/flowers/train/51/image_03924.jpg differ diff --git a/flowers/train/51/image_03925.jpg b/flowers/train/51/image_03925.jpg new file mode 100644 index 00000000..d358f515 Binary files /dev/null and b/flowers/train/51/image_03925.jpg differ diff --git a/flowers/train/51/image_03928.jpg b/flowers/train/51/image_03928.jpg new file mode 100644 index 00000000..3af0f58d Binary files /dev/null and b/flowers/train/51/image_03928.jpg differ diff --git a/flowers/train/51/image_03929.jpg b/flowers/train/51/image_03929.jpg new file mode 100644 index 00000000..5fc3abd9 Binary files /dev/null and b/flowers/train/51/image_03929.jpg differ diff --git a/flowers/train/51/image_03930.jpg b/flowers/train/51/image_03930.jpg new file mode 100644 index 00000000..7f93dcb6 Binary files /dev/null and b/flowers/train/51/image_03930.jpg differ diff --git a/flowers/train/51/image_03931.jpg b/flowers/train/51/image_03931.jpg new file mode 100644 index 00000000..e6857041 Binary files /dev/null and b/flowers/train/51/image_03931.jpg differ diff --git a/flowers/train/51/image_03932.jpg b/flowers/train/51/image_03932.jpg new file mode 100644 index 00000000..e699a0b2 Binary files /dev/null and b/flowers/train/51/image_03932.jpg differ diff --git a/flowers/train/51/image_03934.jpg b/flowers/train/51/image_03934.jpg new file mode 100644 index 00000000..2aa2b635 Binary files /dev/null and b/flowers/train/51/image_03934.jpg differ diff --git a/flowers/train/51/image_03935.jpg b/flowers/train/51/image_03935.jpg new file mode 100644 index 00000000..1294dd74 Binary files /dev/null and b/flowers/train/51/image_03935.jpg differ diff --git a/flowers/train/51/image_03936.jpg b/flowers/train/51/image_03936.jpg new file mode 100644 index 00000000..a594d53a Binary files /dev/null and b/flowers/train/51/image_03936.jpg differ diff --git a/flowers/train/51/image_03940.jpg b/flowers/train/51/image_03940.jpg new file mode 100644 index 00000000..269337a9 Binary files /dev/null and b/flowers/train/51/image_03940.jpg differ diff --git a/flowers/train/51/image_03941.jpg b/flowers/train/51/image_03941.jpg new file mode 100644 index 00000000..f3ecb338 Binary files /dev/null and b/flowers/train/51/image_03941.jpg differ diff --git a/flowers/train/51/image_03942.jpg b/flowers/train/51/image_03942.jpg new file mode 100644 index 00000000..e16fef9b Binary files /dev/null and b/flowers/train/51/image_03942.jpg differ diff --git a/flowers/train/51/image_03944.jpg b/flowers/train/51/image_03944.jpg new file mode 100644 index 00000000..d7fb9e23 Binary files /dev/null and b/flowers/train/51/image_03944.jpg differ diff --git a/flowers/train/51/image_03945.jpg b/flowers/train/51/image_03945.jpg new file mode 100644 index 00000000..46338212 Binary files /dev/null and b/flowers/train/51/image_03945.jpg differ diff --git a/flowers/train/51/image_03947.jpg b/flowers/train/51/image_03947.jpg new file mode 100644 index 00000000..5e47e5bf Binary files /dev/null and b/flowers/train/51/image_03947.jpg differ diff --git a/flowers/train/51/image_03948.jpg b/flowers/train/51/image_03948.jpg new file mode 100644 index 00000000..c90163c5 Binary files /dev/null and b/flowers/train/51/image_03948.jpg differ diff --git a/flowers/train/51/image_03949.jpg b/flowers/train/51/image_03949.jpg new file mode 100644 index 00000000..b856d6a1 Binary files /dev/null and b/flowers/train/51/image_03949.jpg differ diff --git a/flowers/train/51/image_03950.jpg b/flowers/train/51/image_03950.jpg new file mode 100644 index 00000000..41bcda8d Binary files /dev/null and b/flowers/train/51/image_03950.jpg differ diff --git a/flowers/train/51/image_03952.jpg b/flowers/train/51/image_03952.jpg new file mode 100644 index 00000000..9cf92234 Binary files /dev/null and b/flowers/train/51/image_03952.jpg differ diff --git a/flowers/train/51/image_03953.jpg b/flowers/train/51/image_03953.jpg new file mode 100644 index 00000000..a0acbcf6 Binary files /dev/null and b/flowers/train/51/image_03953.jpg differ diff --git a/flowers/train/51/image_03955.jpg b/flowers/train/51/image_03955.jpg new file mode 100644 index 00000000..c006c1aa Binary files /dev/null and b/flowers/train/51/image_03955.jpg differ diff --git a/flowers/train/51/image_03956.jpg b/flowers/train/51/image_03956.jpg new file mode 100644 index 00000000..902f4945 Binary files /dev/null and b/flowers/train/51/image_03956.jpg differ diff --git a/flowers/train/51/image_03957.jpg b/flowers/train/51/image_03957.jpg new file mode 100644 index 00000000..2a370d96 Binary files /dev/null and b/flowers/train/51/image_03957.jpg differ diff --git a/flowers/train/51/image_03958.jpg b/flowers/train/51/image_03958.jpg new file mode 100644 index 00000000..9345c00b Binary files /dev/null and b/flowers/train/51/image_03958.jpg differ diff --git a/flowers/train/51/image_03959.jpg b/flowers/train/51/image_03959.jpg new file mode 100644 index 00000000..76b5009a Binary files /dev/null and b/flowers/train/51/image_03959.jpg differ diff --git a/flowers/train/51/image_03962.jpg b/flowers/train/51/image_03962.jpg new file mode 100644 index 00000000..a60e1a45 Binary files /dev/null and b/flowers/train/51/image_03962.jpg differ diff --git a/flowers/train/51/image_03963.jpg b/flowers/train/51/image_03963.jpg new file mode 100644 index 00000000..f36019ad Binary files /dev/null and b/flowers/train/51/image_03963.jpg differ diff --git a/flowers/train/51/image_03964.jpg b/flowers/train/51/image_03964.jpg new file mode 100644 index 00000000..645d3766 Binary files /dev/null and b/flowers/train/51/image_03964.jpg differ diff --git a/flowers/train/51/image_03965.jpg b/flowers/train/51/image_03965.jpg new file mode 100644 index 00000000..cd333855 Binary files /dev/null and b/flowers/train/51/image_03965.jpg differ diff --git a/flowers/train/51/image_03966.jpg b/flowers/train/51/image_03966.jpg new file mode 100644 index 00000000..b3c8202f Binary files /dev/null and b/flowers/train/51/image_03966.jpg differ diff --git a/flowers/train/51/image_03967.jpg b/flowers/train/51/image_03967.jpg new file mode 100644 index 00000000..d4121738 Binary files /dev/null and b/flowers/train/51/image_03967.jpg differ diff --git a/flowers/train/51/image_03969.jpg b/flowers/train/51/image_03969.jpg new file mode 100644 index 00000000..f7a2bce6 Binary files /dev/null and b/flowers/train/51/image_03969.jpg differ diff --git a/flowers/train/51/image_03970.jpg b/flowers/train/51/image_03970.jpg new file mode 100644 index 00000000..c88f3f58 Binary files /dev/null and b/flowers/train/51/image_03970.jpg differ diff --git a/flowers/train/51/image_03971.jpg b/flowers/train/51/image_03971.jpg new file mode 100644 index 00000000..23f938ea Binary files /dev/null and b/flowers/train/51/image_03971.jpg differ diff --git a/flowers/train/51/image_03972.jpg b/flowers/train/51/image_03972.jpg new file mode 100644 index 00000000..a5bd0f15 Binary files /dev/null and b/flowers/train/51/image_03972.jpg differ diff --git a/flowers/train/51/image_03976.jpg b/flowers/train/51/image_03976.jpg new file mode 100644 index 00000000..693ed5fe Binary files /dev/null and b/flowers/train/51/image_03976.jpg differ diff --git a/flowers/train/51/image_03977.jpg b/flowers/train/51/image_03977.jpg new file mode 100644 index 00000000..f407d9f0 Binary files /dev/null and b/flowers/train/51/image_03977.jpg differ diff --git a/flowers/train/51/image_03978.jpg b/flowers/train/51/image_03978.jpg new file mode 100644 index 00000000..79ecc758 Binary files /dev/null and b/flowers/train/51/image_03978.jpg differ diff --git a/flowers/train/51/image_03979.jpg b/flowers/train/51/image_03979.jpg new file mode 100644 index 00000000..9d68a18f Binary files /dev/null and b/flowers/train/51/image_03979.jpg differ diff --git a/flowers/train/51/image_03981.jpg b/flowers/train/51/image_03981.jpg new file mode 100644 index 00000000..3efc94d1 Binary files /dev/null and b/flowers/train/51/image_03981.jpg differ diff --git a/flowers/train/51/image_03982.jpg b/flowers/train/51/image_03982.jpg new file mode 100644 index 00000000..bc27785d Binary files /dev/null and b/flowers/train/51/image_03982.jpg differ diff --git a/flowers/train/51/image_03983.jpg b/flowers/train/51/image_03983.jpg new file mode 100644 index 00000000..5eea35d4 Binary files /dev/null and b/flowers/train/51/image_03983.jpg differ diff --git a/flowers/train/51/image_03987.jpg b/flowers/train/51/image_03987.jpg new file mode 100644 index 00000000..b3f74182 Binary files /dev/null and b/flowers/train/51/image_03987.jpg differ diff --git a/flowers/train/51/image_03988.jpg b/flowers/train/51/image_03988.jpg new file mode 100644 index 00000000..89e6daf7 Binary files /dev/null and b/flowers/train/51/image_03988.jpg differ diff --git a/flowers/train/51/image_03990.jpg b/flowers/train/51/image_03990.jpg new file mode 100644 index 00000000..904cbe20 Binary files /dev/null and b/flowers/train/51/image_03990.jpg differ diff --git a/flowers/train/51/image_03991.jpg b/flowers/train/51/image_03991.jpg new file mode 100644 index 00000000..c3f69bea Binary files /dev/null and b/flowers/train/51/image_03991.jpg differ diff --git a/flowers/train/51/image_03992.jpg b/flowers/train/51/image_03992.jpg new file mode 100644 index 00000000..2b1977ea Binary files /dev/null and b/flowers/train/51/image_03992.jpg differ diff --git a/flowers/train/51/image_03993.jpg b/flowers/train/51/image_03993.jpg new file mode 100644 index 00000000..fcef2be6 Binary files /dev/null and b/flowers/train/51/image_03993.jpg differ diff --git a/flowers/train/52/image_04159.jpg b/flowers/train/52/image_04159.jpg new file mode 100644 index 00000000..c38e7282 Binary files /dev/null and b/flowers/train/52/image_04159.jpg differ diff --git a/flowers/train/52/image_04161.jpg b/flowers/train/52/image_04161.jpg new file mode 100644 index 00000000..9539e1f4 Binary files /dev/null and b/flowers/train/52/image_04161.jpg differ diff --git a/flowers/train/52/image_04162.jpg b/flowers/train/52/image_04162.jpg new file mode 100644 index 00000000..8310d4cd Binary files /dev/null and b/flowers/train/52/image_04162.jpg differ diff --git a/flowers/train/52/image_04164.jpg b/flowers/train/52/image_04164.jpg new file mode 100644 index 00000000..5239218b Binary files /dev/null and b/flowers/train/52/image_04164.jpg differ diff --git a/flowers/train/52/image_04165.jpg b/flowers/train/52/image_04165.jpg new file mode 100644 index 00000000..9d31445b Binary files /dev/null and b/flowers/train/52/image_04165.jpg differ diff --git a/flowers/train/52/image_04166.jpg b/flowers/train/52/image_04166.jpg new file mode 100644 index 00000000..d217493a Binary files /dev/null and b/flowers/train/52/image_04166.jpg differ diff --git a/flowers/train/52/image_04170.jpg b/flowers/train/52/image_04170.jpg new file mode 100644 index 00000000..0f69bf5e Binary files /dev/null and b/flowers/train/52/image_04170.jpg differ diff --git a/flowers/train/52/image_04171.jpg b/flowers/train/52/image_04171.jpg new file mode 100644 index 00000000..0a1a16cd Binary files /dev/null and b/flowers/train/52/image_04171.jpg differ diff --git a/flowers/train/52/image_04174.jpg b/flowers/train/52/image_04174.jpg new file mode 100644 index 00000000..9d8e601b Binary files /dev/null and b/flowers/train/52/image_04174.jpg differ diff --git a/flowers/train/52/image_04175.jpg b/flowers/train/52/image_04175.jpg new file mode 100644 index 00000000..10436256 Binary files /dev/null and b/flowers/train/52/image_04175.jpg differ diff --git a/flowers/train/52/image_04176.jpg b/flowers/train/52/image_04176.jpg new file mode 100644 index 00000000..50f303c0 Binary files /dev/null and b/flowers/train/52/image_04176.jpg differ diff --git a/flowers/train/52/image_04177.jpg b/flowers/train/52/image_04177.jpg new file mode 100644 index 00000000..404e2e24 Binary files /dev/null and b/flowers/train/52/image_04177.jpg differ diff --git a/flowers/train/52/image_04178.jpg b/flowers/train/52/image_04178.jpg new file mode 100644 index 00000000..9229bea7 Binary files /dev/null and b/flowers/train/52/image_04178.jpg differ diff --git a/flowers/train/52/image_04179.jpg b/flowers/train/52/image_04179.jpg new file mode 100644 index 00000000..61338688 Binary files /dev/null and b/flowers/train/52/image_04179.jpg differ diff --git a/flowers/train/52/image_04180.jpg b/flowers/train/52/image_04180.jpg new file mode 100644 index 00000000..f6d8244a Binary files /dev/null and b/flowers/train/52/image_04180.jpg differ diff --git a/flowers/train/52/image_04183.jpg b/flowers/train/52/image_04183.jpg new file mode 100644 index 00000000..0eb8ef2d Binary files /dev/null and b/flowers/train/52/image_04183.jpg differ diff --git a/flowers/train/52/image_04184.jpg b/flowers/train/52/image_04184.jpg new file mode 100644 index 00000000..d5cd03f6 Binary files /dev/null and b/flowers/train/52/image_04184.jpg differ diff --git a/flowers/train/52/image_04185.jpg b/flowers/train/52/image_04185.jpg new file mode 100644 index 00000000..eb68eade Binary files /dev/null and b/flowers/train/52/image_04185.jpg differ diff --git a/flowers/train/52/image_04186.jpg b/flowers/train/52/image_04186.jpg new file mode 100644 index 00000000..fca2e87b Binary files /dev/null and b/flowers/train/52/image_04186.jpg differ diff --git a/flowers/train/52/image_04187.jpg b/flowers/train/52/image_04187.jpg new file mode 100644 index 00000000..0a659af0 Binary files /dev/null and b/flowers/train/52/image_04187.jpg differ diff --git a/flowers/train/52/image_04188.jpg b/flowers/train/52/image_04188.jpg new file mode 100644 index 00000000..874ce897 Binary files /dev/null and b/flowers/train/52/image_04188.jpg differ diff --git a/flowers/train/52/image_04189.jpg b/flowers/train/52/image_04189.jpg new file mode 100644 index 00000000..5d781816 Binary files /dev/null and b/flowers/train/52/image_04189.jpg differ diff --git a/flowers/train/52/image_04190.jpg b/flowers/train/52/image_04190.jpg new file mode 100644 index 00000000..d9605df7 Binary files /dev/null and b/flowers/train/52/image_04190.jpg differ diff --git a/flowers/train/52/image_04192.jpg b/flowers/train/52/image_04192.jpg new file mode 100644 index 00000000..2f8148cd Binary files /dev/null and b/flowers/train/52/image_04192.jpg differ diff --git a/flowers/train/52/image_04193.jpg b/flowers/train/52/image_04193.jpg new file mode 100644 index 00000000..7e6d8a80 Binary files /dev/null and b/flowers/train/52/image_04193.jpg differ diff --git a/flowers/train/52/image_04194.jpg b/flowers/train/52/image_04194.jpg new file mode 100644 index 00000000..ebdd3327 Binary files /dev/null and b/flowers/train/52/image_04194.jpg differ diff --git a/flowers/train/52/image_04195.jpg b/flowers/train/52/image_04195.jpg new file mode 100644 index 00000000..0472dac4 Binary files /dev/null and b/flowers/train/52/image_04195.jpg differ diff --git a/flowers/train/52/image_04196.jpg b/flowers/train/52/image_04196.jpg new file mode 100644 index 00000000..2e0782c7 Binary files /dev/null and b/flowers/train/52/image_04196.jpg differ diff --git a/flowers/train/52/image_04197.jpg b/flowers/train/52/image_04197.jpg new file mode 100644 index 00000000..d88d0abb Binary files /dev/null and b/flowers/train/52/image_04197.jpg differ diff --git a/flowers/train/52/image_04198.jpg b/flowers/train/52/image_04198.jpg new file mode 100644 index 00000000..2f51e171 Binary files /dev/null and b/flowers/train/52/image_04198.jpg differ diff --git a/flowers/train/52/image_04199.jpg b/flowers/train/52/image_04199.jpg new file mode 100644 index 00000000..857b1b1e Binary files /dev/null and b/flowers/train/52/image_04199.jpg differ diff --git a/flowers/train/52/image_04201.jpg b/flowers/train/52/image_04201.jpg new file mode 100644 index 00000000..3153c450 Binary files /dev/null and b/flowers/train/52/image_04201.jpg differ diff --git a/flowers/train/52/image_04202.jpg b/flowers/train/52/image_04202.jpg new file mode 100644 index 00000000..1a6ab372 Binary files /dev/null and b/flowers/train/52/image_04202.jpg differ diff --git a/flowers/train/52/image_04203.jpg b/flowers/train/52/image_04203.jpg new file mode 100644 index 00000000..c961357f Binary files /dev/null and b/flowers/train/52/image_04203.jpg differ diff --git a/flowers/train/52/image_04204.jpg b/flowers/train/52/image_04204.jpg new file mode 100644 index 00000000..f19ec899 Binary files /dev/null and b/flowers/train/52/image_04204.jpg differ diff --git a/flowers/train/52/image_04205.jpg b/flowers/train/52/image_04205.jpg new file mode 100644 index 00000000..aa58be9e Binary files /dev/null and b/flowers/train/52/image_04205.jpg differ diff --git a/flowers/train/52/image_04206.jpg b/flowers/train/52/image_04206.jpg new file mode 100644 index 00000000..350f3e41 Binary files /dev/null and b/flowers/train/52/image_04206.jpg differ diff --git a/flowers/train/52/image_04208.jpg b/flowers/train/52/image_04208.jpg new file mode 100644 index 00000000..da6d7d01 Binary files /dev/null and b/flowers/train/52/image_04208.jpg differ diff --git a/flowers/train/52/image_04209.jpg b/flowers/train/52/image_04209.jpg new file mode 100644 index 00000000..f76cc8ad Binary files /dev/null and b/flowers/train/52/image_04209.jpg differ diff --git a/flowers/train/52/image_04210.jpg b/flowers/train/52/image_04210.jpg new file mode 100644 index 00000000..6a3dd82a Binary files /dev/null and b/flowers/train/52/image_04210.jpg differ diff --git a/flowers/train/52/image_04211.jpg b/flowers/train/52/image_04211.jpg new file mode 100644 index 00000000..ab160ac2 Binary files /dev/null and b/flowers/train/52/image_04211.jpg differ diff --git a/flowers/train/52/image_04212.jpg b/flowers/train/52/image_04212.jpg new file mode 100644 index 00000000..b832ffe0 Binary files /dev/null and b/flowers/train/52/image_04212.jpg differ diff --git a/flowers/train/52/image_04213.jpg b/flowers/train/52/image_04213.jpg new file mode 100644 index 00000000..1b895d1a Binary files /dev/null and b/flowers/train/52/image_04213.jpg differ diff --git a/flowers/train/52/image_04214.jpg b/flowers/train/52/image_04214.jpg new file mode 100644 index 00000000..52c18b30 Binary files /dev/null and b/flowers/train/52/image_04214.jpg differ diff --git a/flowers/train/52/image_04216.jpg b/flowers/train/52/image_04216.jpg new file mode 100644 index 00000000..45d57f20 Binary files /dev/null and b/flowers/train/52/image_04216.jpg differ diff --git a/flowers/train/52/image_04217.jpg b/flowers/train/52/image_04217.jpg new file mode 100644 index 00000000..925f0322 Binary files /dev/null and b/flowers/train/52/image_04217.jpg differ diff --git a/flowers/train/52/image_04218.jpg b/flowers/train/52/image_04218.jpg new file mode 100644 index 00000000..7559657d Binary files /dev/null and b/flowers/train/52/image_04218.jpg differ diff --git a/flowers/train/52/image_04219.jpg b/flowers/train/52/image_04219.jpg new file mode 100644 index 00000000..9ac9e97c Binary files /dev/null and b/flowers/train/52/image_04219.jpg differ diff --git a/flowers/train/52/image_04220.jpg b/flowers/train/52/image_04220.jpg new file mode 100644 index 00000000..00dd22d7 Binary files /dev/null and b/flowers/train/52/image_04220.jpg differ diff --git a/flowers/train/52/image_04222.jpg b/flowers/train/52/image_04222.jpg new file mode 100644 index 00000000..27a71611 Binary files /dev/null and b/flowers/train/52/image_04222.jpg differ diff --git a/flowers/train/52/image_04223.jpg b/flowers/train/52/image_04223.jpg new file mode 100644 index 00000000..412f74f0 Binary files /dev/null and b/flowers/train/52/image_04223.jpg differ diff --git a/flowers/train/52/image_04224.jpg b/flowers/train/52/image_04224.jpg new file mode 100644 index 00000000..34635e93 Binary files /dev/null and b/flowers/train/52/image_04224.jpg differ diff --git a/flowers/train/52/image_04226.jpg b/flowers/train/52/image_04226.jpg new file mode 100644 index 00000000..0aedbca0 Binary files /dev/null and b/flowers/train/52/image_04226.jpg differ diff --git a/flowers/train/52/image_04227.jpg b/flowers/train/52/image_04227.jpg new file mode 100644 index 00000000..57b9cb82 Binary files /dev/null and b/flowers/train/52/image_04227.jpg differ diff --git a/flowers/train/52/image_04228.jpg b/flowers/train/52/image_04228.jpg new file mode 100644 index 00000000..b433ced7 Binary files /dev/null and b/flowers/train/52/image_04228.jpg differ diff --git a/flowers/train/52/image_04229.jpg b/flowers/train/52/image_04229.jpg new file mode 100644 index 00000000..93902220 Binary files /dev/null and b/flowers/train/52/image_04229.jpg differ diff --git a/flowers/train/52/image_04230.jpg b/flowers/train/52/image_04230.jpg new file mode 100644 index 00000000..aa3046c8 Binary files /dev/null and b/flowers/train/52/image_04230.jpg differ diff --git a/flowers/train/52/image_04231.jpg b/flowers/train/52/image_04231.jpg new file mode 100644 index 00000000..0124d3d0 Binary files /dev/null and b/flowers/train/52/image_04231.jpg differ diff --git a/flowers/train/52/image_04232.jpg b/flowers/train/52/image_04232.jpg new file mode 100644 index 00000000..6a6a4f44 Binary files /dev/null and b/flowers/train/52/image_04232.jpg differ diff --git a/flowers/train/52/image_04233.jpg b/flowers/train/52/image_04233.jpg new file mode 100644 index 00000000..6bd96121 Binary files /dev/null and b/flowers/train/52/image_04233.jpg differ diff --git a/flowers/train/52/image_04234.jpg b/flowers/train/52/image_04234.jpg new file mode 100644 index 00000000..bb3f1f3c Binary files /dev/null and b/flowers/train/52/image_04234.jpg differ diff --git a/flowers/train/52/image_04236.jpg b/flowers/train/52/image_04236.jpg new file mode 100644 index 00000000..6c283bd4 Binary files /dev/null and b/flowers/train/52/image_04236.jpg differ diff --git a/flowers/train/52/image_04237.jpg b/flowers/train/52/image_04237.jpg new file mode 100644 index 00000000..95ffae0b Binary files /dev/null and b/flowers/train/52/image_04237.jpg differ diff --git a/flowers/train/52/image_04239.jpg b/flowers/train/52/image_04239.jpg new file mode 100644 index 00000000..c0bda230 Binary files /dev/null and b/flowers/train/52/image_04239.jpg differ diff --git a/flowers/train/52/image_04241.jpg b/flowers/train/52/image_04241.jpg new file mode 100644 index 00000000..8f6dca33 Binary files /dev/null and b/flowers/train/52/image_04241.jpg differ diff --git a/flowers/train/52/image_04242.jpg b/flowers/train/52/image_04242.jpg new file mode 100644 index 00000000..7bf0e5aa Binary files /dev/null and b/flowers/train/52/image_04242.jpg differ diff --git a/flowers/train/52/image_04243.jpg b/flowers/train/52/image_04243.jpg new file mode 100644 index 00000000..61517a82 Binary files /dev/null and b/flowers/train/52/image_04243.jpg differ diff --git a/flowers/train/53/image_03641.jpg b/flowers/train/53/image_03641.jpg new file mode 100644 index 00000000..d01748a4 Binary files /dev/null and b/flowers/train/53/image_03641.jpg differ diff --git a/flowers/train/53/image_03642.jpg b/flowers/train/53/image_03642.jpg new file mode 100644 index 00000000..a0b09f4c Binary files /dev/null and b/flowers/train/53/image_03642.jpg differ diff --git a/flowers/train/53/image_03643.jpg b/flowers/train/53/image_03643.jpg new file mode 100644 index 00000000..37ecdb94 Binary files /dev/null and b/flowers/train/53/image_03643.jpg differ diff --git a/flowers/train/53/image_03644.jpg b/flowers/train/53/image_03644.jpg new file mode 100644 index 00000000..0e5c0ec6 Binary files /dev/null and b/flowers/train/53/image_03644.jpg differ diff --git a/flowers/train/53/image_03646.jpg b/flowers/train/53/image_03646.jpg new file mode 100644 index 00000000..ccc5c5dc Binary files /dev/null and b/flowers/train/53/image_03646.jpg differ diff --git a/flowers/train/53/image_03647.jpg b/flowers/train/53/image_03647.jpg new file mode 100644 index 00000000..c1dbe514 Binary files /dev/null and b/flowers/train/53/image_03647.jpg differ diff --git a/flowers/train/53/image_03648.jpg b/flowers/train/53/image_03648.jpg new file mode 100644 index 00000000..06a26c33 Binary files /dev/null and b/flowers/train/53/image_03648.jpg differ diff --git a/flowers/train/53/image_03650.jpg b/flowers/train/53/image_03650.jpg new file mode 100644 index 00000000..958929b0 Binary files /dev/null and b/flowers/train/53/image_03650.jpg differ diff --git a/flowers/train/53/image_03651.jpg b/flowers/train/53/image_03651.jpg new file mode 100644 index 00000000..c84537fc Binary files /dev/null and b/flowers/train/53/image_03651.jpg differ diff --git a/flowers/train/53/image_03657.jpg b/flowers/train/53/image_03657.jpg new file mode 100644 index 00000000..88e45367 Binary files /dev/null and b/flowers/train/53/image_03657.jpg differ diff --git a/flowers/train/53/image_03658.jpg b/flowers/train/53/image_03658.jpg new file mode 100644 index 00000000..4cc5fe68 Binary files /dev/null and b/flowers/train/53/image_03658.jpg differ diff --git a/flowers/train/53/image_03659.jpg b/flowers/train/53/image_03659.jpg new file mode 100644 index 00000000..ef8b98c9 Binary files /dev/null and b/flowers/train/53/image_03659.jpg differ diff --git a/flowers/train/53/image_03660.jpg b/flowers/train/53/image_03660.jpg new file mode 100644 index 00000000..b9c80b2b Binary files /dev/null and b/flowers/train/53/image_03660.jpg differ diff --git a/flowers/train/53/image_03661.jpg b/flowers/train/53/image_03661.jpg new file mode 100644 index 00000000..f9c72614 Binary files /dev/null and b/flowers/train/53/image_03661.jpg differ diff --git a/flowers/train/53/image_03663.jpg b/flowers/train/53/image_03663.jpg new file mode 100644 index 00000000..b2b8bbda Binary files /dev/null and b/flowers/train/53/image_03663.jpg differ diff --git a/flowers/train/53/image_03664.jpg b/flowers/train/53/image_03664.jpg new file mode 100644 index 00000000..8ae36c9c Binary files /dev/null and b/flowers/train/53/image_03664.jpg differ diff --git a/flowers/train/53/image_03665.jpg b/flowers/train/53/image_03665.jpg new file mode 100644 index 00000000..d107447e Binary files /dev/null and b/flowers/train/53/image_03665.jpg differ diff --git a/flowers/train/53/image_03666.jpg b/flowers/train/53/image_03666.jpg new file mode 100644 index 00000000..ec3f7eb4 Binary files /dev/null and b/flowers/train/53/image_03666.jpg differ diff --git a/flowers/train/53/image_03671.jpg b/flowers/train/53/image_03671.jpg new file mode 100644 index 00000000..9b067b69 Binary files /dev/null and b/flowers/train/53/image_03671.jpg differ diff --git a/flowers/train/53/image_03673.jpg b/flowers/train/53/image_03673.jpg new file mode 100644 index 00000000..4ed51ee1 Binary files /dev/null and b/flowers/train/53/image_03673.jpg differ diff --git a/flowers/train/53/image_03674.jpg b/flowers/train/53/image_03674.jpg new file mode 100644 index 00000000..414c078b Binary files /dev/null and b/flowers/train/53/image_03674.jpg differ diff --git a/flowers/train/53/image_03675.jpg b/flowers/train/53/image_03675.jpg new file mode 100644 index 00000000..721595fe Binary files /dev/null and b/flowers/train/53/image_03675.jpg differ diff --git a/flowers/train/53/image_03676.jpg b/flowers/train/53/image_03676.jpg new file mode 100644 index 00000000..06748b77 Binary files /dev/null and b/flowers/train/53/image_03676.jpg differ diff --git a/flowers/train/53/image_03678.jpg b/flowers/train/53/image_03678.jpg new file mode 100644 index 00000000..5c87ff10 Binary files /dev/null and b/flowers/train/53/image_03678.jpg differ diff --git a/flowers/train/53/image_03679.jpg b/flowers/train/53/image_03679.jpg new file mode 100644 index 00000000..f30ce458 Binary files /dev/null and b/flowers/train/53/image_03679.jpg differ diff --git a/flowers/train/53/image_03680.jpg b/flowers/train/53/image_03680.jpg new file mode 100644 index 00000000..926afba0 Binary files /dev/null and b/flowers/train/53/image_03680.jpg differ diff --git a/flowers/train/53/image_03681.jpg b/flowers/train/53/image_03681.jpg new file mode 100644 index 00000000..2490a3d2 Binary files /dev/null and b/flowers/train/53/image_03681.jpg differ diff --git a/flowers/train/53/image_03682.jpg b/flowers/train/53/image_03682.jpg new file mode 100644 index 00000000..870b2d7a Binary files /dev/null and b/flowers/train/53/image_03682.jpg differ diff --git a/flowers/train/53/image_03683.jpg b/flowers/train/53/image_03683.jpg new file mode 100644 index 00000000..088728c7 Binary files /dev/null and b/flowers/train/53/image_03683.jpg differ diff --git a/flowers/train/53/image_03684.jpg b/flowers/train/53/image_03684.jpg new file mode 100644 index 00000000..b9a306c8 Binary files /dev/null and b/flowers/train/53/image_03684.jpg differ diff --git a/flowers/train/53/image_03685.jpg b/flowers/train/53/image_03685.jpg new file mode 100644 index 00000000..8563c852 Binary files /dev/null and b/flowers/train/53/image_03685.jpg differ diff --git a/flowers/train/53/image_03686.jpg b/flowers/train/53/image_03686.jpg new file mode 100644 index 00000000..02ba420c Binary files /dev/null and b/flowers/train/53/image_03686.jpg differ diff --git a/flowers/train/53/image_03687.jpg b/flowers/train/53/image_03687.jpg new file mode 100644 index 00000000..e302d9c7 Binary files /dev/null and b/flowers/train/53/image_03687.jpg differ diff --git a/flowers/train/53/image_03688.jpg b/flowers/train/53/image_03688.jpg new file mode 100644 index 00000000..a3cfdde2 Binary files /dev/null and b/flowers/train/53/image_03688.jpg differ diff --git a/flowers/train/53/image_03690.jpg b/flowers/train/53/image_03690.jpg new file mode 100644 index 00000000..3188e27d Binary files /dev/null and b/flowers/train/53/image_03690.jpg differ diff --git a/flowers/train/53/image_03691.jpg b/flowers/train/53/image_03691.jpg new file mode 100644 index 00000000..250bba53 Binary files /dev/null and b/flowers/train/53/image_03691.jpg differ diff --git a/flowers/train/53/image_03692.jpg b/flowers/train/53/image_03692.jpg new file mode 100644 index 00000000..fd34b47f Binary files /dev/null and b/flowers/train/53/image_03692.jpg differ diff --git a/flowers/train/53/image_03694.jpg b/flowers/train/53/image_03694.jpg new file mode 100644 index 00000000..17fcb806 Binary files /dev/null and b/flowers/train/53/image_03694.jpg differ diff --git a/flowers/train/53/image_03695.jpg b/flowers/train/53/image_03695.jpg new file mode 100644 index 00000000..6520650c Binary files /dev/null and b/flowers/train/53/image_03695.jpg differ diff --git a/flowers/train/53/image_03696.jpg b/flowers/train/53/image_03696.jpg new file mode 100644 index 00000000..d428c26d Binary files /dev/null and b/flowers/train/53/image_03696.jpg differ diff --git a/flowers/train/53/image_03697.jpg b/flowers/train/53/image_03697.jpg new file mode 100644 index 00000000..829f6f7a Binary files /dev/null and b/flowers/train/53/image_03697.jpg differ diff --git a/flowers/train/53/image_03698.jpg b/flowers/train/53/image_03698.jpg new file mode 100644 index 00000000..7b9e88df Binary files /dev/null and b/flowers/train/53/image_03698.jpg differ diff --git a/flowers/train/53/image_03699.jpg b/flowers/train/53/image_03699.jpg new file mode 100644 index 00000000..e91c70cd Binary files /dev/null and b/flowers/train/53/image_03699.jpg differ diff --git a/flowers/train/53/image_03700.jpg b/flowers/train/53/image_03700.jpg new file mode 100644 index 00000000..7d3fd4b0 Binary files /dev/null and b/flowers/train/53/image_03700.jpg differ diff --git a/flowers/train/53/image_03701.jpg b/flowers/train/53/image_03701.jpg new file mode 100644 index 00000000..93c1d5c5 Binary files /dev/null and b/flowers/train/53/image_03701.jpg differ diff --git a/flowers/train/53/image_03703.jpg b/flowers/train/53/image_03703.jpg new file mode 100644 index 00000000..8aea6414 Binary files /dev/null and b/flowers/train/53/image_03703.jpg differ diff --git a/flowers/train/53/image_03704.jpg b/flowers/train/53/image_03704.jpg new file mode 100644 index 00000000..4377468c Binary files /dev/null and b/flowers/train/53/image_03704.jpg differ diff --git a/flowers/train/53/image_03705.jpg b/flowers/train/53/image_03705.jpg new file mode 100644 index 00000000..f3ddb24c Binary files /dev/null and b/flowers/train/53/image_03705.jpg differ diff --git a/flowers/train/53/image_03706.jpg b/flowers/train/53/image_03706.jpg new file mode 100644 index 00000000..f60bca87 Binary files /dev/null and b/flowers/train/53/image_03706.jpg differ diff --git a/flowers/train/53/image_03707.jpg b/flowers/train/53/image_03707.jpg new file mode 100644 index 00000000..b1ff221f Binary files /dev/null and b/flowers/train/53/image_03707.jpg differ diff --git a/flowers/train/53/image_03708.jpg b/flowers/train/53/image_03708.jpg new file mode 100644 index 00000000..efee73b1 Binary files /dev/null and b/flowers/train/53/image_03708.jpg differ diff --git a/flowers/train/53/image_03709.jpg b/flowers/train/53/image_03709.jpg new file mode 100644 index 00000000..c6263752 Binary files /dev/null and b/flowers/train/53/image_03709.jpg differ diff --git a/flowers/train/53/image_03710.jpg b/flowers/train/53/image_03710.jpg new file mode 100644 index 00000000..f4e3fe47 Binary files /dev/null and b/flowers/train/53/image_03710.jpg differ diff --git a/flowers/train/53/image_03711.jpg b/flowers/train/53/image_03711.jpg new file mode 100644 index 00000000..7a124774 Binary files /dev/null and b/flowers/train/53/image_03711.jpg differ diff --git a/flowers/train/53/image_03713.jpg b/flowers/train/53/image_03713.jpg new file mode 100644 index 00000000..f67f7f4c Binary files /dev/null and b/flowers/train/53/image_03713.jpg differ diff --git a/flowers/train/53/image_03715.jpg b/flowers/train/53/image_03715.jpg new file mode 100644 index 00000000..8f7945a8 Binary files /dev/null and b/flowers/train/53/image_03715.jpg differ diff --git a/flowers/train/53/image_03716.jpg b/flowers/train/53/image_03716.jpg new file mode 100644 index 00000000..743bccbe Binary files /dev/null and b/flowers/train/53/image_03716.jpg differ diff --git a/flowers/train/53/image_03719.jpg b/flowers/train/53/image_03719.jpg new file mode 100644 index 00000000..819f15d1 Binary files /dev/null and b/flowers/train/53/image_03719.jpg differ diff --git a/flowers/train/53/image_03720.jpg b/flowers/train/53/image_03720.jpg new file mode 100644 index 00000000..6daf9db0 Binary files /dev/null and b/flowers/train/53/image_03720.jpg differ diff --git a/flowers/train/53/image_03721.jpg b/flowers/train/53/image_03721.jpg new file mode 100644 index 00000000..04646cbe Binary files /dev/null and b/flowers/train/53/image_03721.jpg differ diff --git a/flowers/train/53/image_03722.jpg b/flowers/train/53/image_03722.jpg new file mode 100644 index 00000000..9fa2db12 Binary files /dev/null and b/flowers/train/53/image_03722.jpg differ diff --git a/flowers/train/53/image_03723.jpg b/flowers/train/53/image_03723.jpg new file mode 100644 index 00000000..c8aadf18 Binary files /dev/null and b/flowers/train/53/image_03723.jpg differ diff --git a/flowers/train/53/image_03725.jpg b/flowers/train/53/image_03725.jpg new file mode 100644 index 00000000..f01b0b44 Binary files /dev/null and b/flowers/train/53/image_03725.jpg differ diff --git a/flowers/train/53/image_03726.jpg b/flowers/train/53/image_03726.jpg new file mode 100644 index 00000000..aa6ecf62 Binary files /dev/null and b/flowers/train/53/image_03726.jpg differ diff --git a/flowers/train/53/image_03727.jpg b/flowers/train/53/image_03727.jpg new file mode 100644 index 00000000..b50c2bcb Binary files /dev/null and b/flowers/train/53/image_03727.jpg differ diff --git a/flowers/train/53/image_03728.jpg b/flowers/train/53/image_03728.jpg new file mode 100644 index 00000000..1b5563e7 Binary files /dev/null and b/flowers/train/53/image_03728.jpg differ diff --git a/flowers/train/53/image_03729.jpg b/flowers/train/53/image_03729.jpg new file mode 100644 index 00000000..385ab513 Binary files /dev/null and b/flowers/train/53/image_03729.jpg differ diff --git a/flowers/train/53/image_03730.jpg b/flowers/train/53/image_03730.jpg new file mode 100644 index 00000000..7ee38299 Binary files /dev/null and b/flowers/train/53/image_03730.jpg differ diff --git a/flowers/train/53/image_03731.jpg b/flowers/train/53/image_03731.jpg new file mode 100644 index 00000000..011b76d3 Binary files /dev/null and b/flowers/train/53/image_03731.jpg differ diff --git a/flowers/train/53/image_03732.jpg b/flowers/train/53/image_03732.jpg new file mode 100644 index 00000000..e75c45fa Binary files /dev/null and b/flowers/train/53/image_03732.jpg differ diff --git a/flowers/train/54/image_05399.jpg b/flowers/train/54/image_05399.jpg new file mode 100644 index 00000000..1f6a05d6 Binary files /dev/null and b/flowers/train/54/image_05399.jpg differ diff --git a/flowers/train/54/image_05400.jpg b/flowers/train/54/image_05400.jpg new file mode 100644 index 00000000..d7331dff Binary files /dev/null and b/flowers/train/54/image_05400.jpg differ diff --git a/flowers/train/54/image_05401.jpg b/flowers/train/54/image_05401.jpg new file mode 100644 index 00000000..20ba692a Binary files /dev/null and b/flowers/train/54/image_05401.jpg differ diff --git a/flowers/train/54/image_05403.jpg b/flowers/train/54/image_05403.jpg new file mode 100644 index 00000000..2ebdff28 Binary files /dev/null and b/flowers/train/54/image_05403.jpg differ diff --git a/flowers/train/54/image_05404.jpg b/flowers/train/54/image_05404.jpg new file mode 100644 index 00000000..4d74cea3 Binary files /dev/null and b/flowers/train/54/image_05404.jpg differ diff --git a/flowers/train/54/image_05405.jpg b/flowers/train/54/image_05405.jpg new file mode 100644 index 00000000..f097ce67 Binary files /dev/null and b/flowers/train/54/image_05405.jpg differ diff --git a/flowers/train/54/image_05407.jpg b/flowers/train/54/image_05407.jpg new file mode 100644 index 00000000..509ed6a3 Binary files /dev/null and b/flowers/train/54/image_05407.jpg differ diff --git a/flowers/train/54/image_05408.jpg b/flowers/train/54/image_05408.jpg new file mode 100644 index 00000000..4c41679f Binary files /dev/null and b/flowers/train/54/image_05408.jpg differ diff --git a/flowers/train/54/image_05409.jpg b/flowers/train/54/image_05409.jpg new file mode 100644 index 00000000..060c6343 Binary files /dev/null and b/flowers/train/54/image_05409.jpg differ diff --git a/flowers/train/54/image_05410.jpg b/flowers/train/54/image_05410.jpg new file mode 100644 index 00000000..9f1e2535 Binary files /dev/null and b/flowers/train/54/image_05410.jpg differ diff --git a/flowers/train/54/image_05412.jpg b/flowers/train/54/image_05412.jpg new file mode 100644 index 00000000..3ace2603 Binary files /dev/null and b/flowers/train/54/image_05412.jpg differ diff --git a/flowers/train/54/image_05414.jpg b/flowers/train/54/image_05414.jpg new file mode 100644 index 00000000..0753ed7f Binary files /dev/null and b/flowers/train/54/image_05414.jpg differ diff --git a/flowers/train/54/image_05416.jpg b/flowers/train/54/image_05416.jpg new file mode 100644 index 00000000..0f16bf16 Binary files /dev/null and b/flowers/train/54/image_05416.jpg differ diff --git a/flowers/train/54/image_05418.jpg b/flowers/train/54/image_05418.jpg new file mode 100644 index 00000000..3cb4d1ce Binary files /dev/null and b/flowers/train/54/image_05418.jpg differ diff --git a/flowers/train/54/image_05419.jpg b/flowers/train/54/image_05419.jpg new file mode 100644 index 00000000..5bd1edce Binary files /dev/null and b/flowers/train/54/image_05419.jpg differ diff --git a/flowers/train/54/image_05420.jpg b/flowers/train/54/image_05420.jpg new file mode 100644 index 00000000..94620beb Binary files /dev/null and b/flowers/train/54/image_05420.jpg differ diff --git a/flowers/train/54/image_05421.jpg b/flowers/train/54/image_05421.jpg new file mode 100644 index 00000000..90278ca4 Binary files /dev/null and b/flowers/train/54/image_05421.jpg differ diff --git a/flowers/train/54/image_05422.jpg b/flowers/train/54/image_05422.jpg new file mode 100644 index 00000000..37e1aa04 Binary files /dev/null and b/flowers/train/54/image_05422.jpg differ diff --git a/flowers/train/54/image_05423.jpg b/flowers/train/54/image_05423.jpg new file mode 100644 index 00000000..3867df97 Binary files /dev/null and b/flowers/train/54/image_05423.jpg differ diff --git a/flowers/train/54/image_05424.jpg b/flowers/train/54/image_05424.jpg new file mode 100644 index 00000000..caa030fd Binary files /dev/null and b/flowers/train/54/image_05424.jpg differ diff --git a/flowers/train/54/image_05427.jpg b/flowers/train/54/image_05427.jpg new file mode 100644 index 00000000..761592da Binary files /dev/null and b/flowers/train/54/image_05427.jpg differ diff --git a/flowers/train/54/image_05428.jpg b/flowers/train/54/image_05428.jpg new file mode 100644 index 00000000..4eab8c12 Binary files /dev/null and b/flowers/train/54/image_05428.jpg differ diff --git a/flowers/train/54/image_05429.jpg b/flowers/train/54/image_05429.jpg new file mode 100644 index 00000000..a9901b80 Binary files /dev/null and b/flowers/train/54/image_05429.jpg differ diff --git a/flowers/train/54/image_05431.jpg b/flowers/train/54/image_05431.jpg new file mode 100644 index 00000000..8282113b Binary files /dev/null and b/flowers/train/54/image_05431.jpg differ diff --git a/flowers/train/54/image_05432.jpg b/flowers/train/54/image_05432.jpg new file mode 100644 index 00000000..1baa10de Binary files /dev/null and b/flowers/train/54/image_05432.jpg differ diff --git a/flowers/train/54/image_05433.jpg b/flowers/train/54/image_05433.jpg new file mode 100644 index 00000000..ae762acd Binary files /dev/null and b/flowers/train/54/image_05433.jpg differ diff --git a/flowers/train/54/image_05434.jpg b/flowers/train/54/image_05434.jpg new file mode 100644 index 00000000..cdb5ca65 Binary files /dev/null and b/flowers/train/54/image_05434.jpg differ diff --git a/flowers/train/54/image_05435.jpg b/flowers/train/54/image_05435.jpg new file mode 100644 index 00000000..6208f27c Binary files /dev/null and b/flowers/train/54/image_05435.jpg differ diff --git a/flowers/train/54/image_05436.jpg b/flowers/train/54/image_05436.jpg new file mode 100644 index 00000000..3d988eb3 Binary files /dev/null and b/flowers/train/54/image_05436.jpg differ diff --git a/flowers/train/54/image_05437.jpg b/flowers/train/54/image_05437.jpg new file mode 100644 index 00000000..d801ab7a Binary files /dev/null and b/flowers/train/54/image_05437.jpg differ diff --git a/flowers/train/54/image_05438.jpg b/flowers/train/54/image_05438.jpg new file mode 100644 index 00000000..98640f53 Binary files /dev/null and b/flowers/train/54/image_05438.jpg differ diff --git a/flowers/train/54/image_05439.jpg b/flowers/train/54/image_05439.jpg new file mode 100644 index 00000000..12767632 Binary files /dev/null and b/flowers/train/54/image_05439.jpg differ diff --git a/flowers/train/54/image_05441.jpg b/flowers/train/54/image_05441.jpg new file mode 100644 index 00000000..761b84b7 Binary files /dev/null and b/flowers/train/54/image_05441.jpg differ diff --git a/flowers/train/54/image_05442.jpg b/flowers/train/54/image_05442.jpg new file mode 100644 index 00000000..b56a1f24 Binary files /dev/null and b/flowers/train/54/image_05442.jpg differ diff --git a/flowers/train/54/image_05443.jpg b/flowers/train/54/image_05443.jpg new file mode 100644 index 00000000..9615f0ed Binary files /dev/null and b/flowers/train/54/image_05443.jpg differ diff --git a/flowers/train/54/image_05444.jpg b/flowers/train/54/image_05444.jpg new file mode 100644 index 00000000..84984d9f Binary files /dev/null and b/flowers/train/54/image_05444.jpg differ diff --git a/flowers/train/54/image_05445.jpg b/flowers/train/54/image_05445.jpg new file mode 100644 index 00000000..0f18d8b0 Binary files /dev/null and b/flowers/train/54/image_05445.jpg differ diff --git a/flowers/train/54/image_05446.jpg b/flowers/train/54/image_05446.jpg new file mode 100644 index 00000000..b6f67e5d Binary files /dev/null and b/flowers/train/54/image_05446.jpg differ diff --git a/flowers/train/54/image_05447.jpg b/flowers/train/54/image_05447.jpg new file mode 100644 index 00000000..dddeda71 Binary files /dev/null and b/flowers/train/54/image_05447.jpg differ diff --git a/flowers/train/54/image_05448.jpg b/flowers/train/54/image_05448.jpg new file mode 100644 index 00000000..3a5fb6d7 Binary files /dev/null and b/flowers/train/54/image_05448.jpg differ diff --git a/flowers/train/54/image_05450.jpg b/flowers/train/54/image_05450.jpg new file mode 100644 index 00000000..d2475b0c Binary files /dev/null and b/flowers/train/54/image_05450.jpg differ diff --git a/flowers/train/54/image_05454.jpg b/flowers/train/54/image_05454.jpg new file mode 100644 index 00000000..947df65e Binary files /dev/null and b/flowers/train/54/image_05454.jpg differ diff --git a/flowers/train/54/image_05455.jpg b/flowers/train/54/image_05455.jpg new file mode 100644 index 00000000..07991580 Binary files /dev/null and b/flowers/train/54/image_05455.jpg differ diff --git a/flowers/train/54/image_05456.jpg b/flowers/train/54/image_05456.jpg new file mode 100644 index 00000000..a1bb3625 Binary files /dev/null and b/flowers/train/54/image_05456.jpg differ diff --git a/flowers/train/54/image_05457.jpg b/flowers/train/54/image_05457.jpg new file mode 100644 index 00000000..2764bc07 Binary files /dev/null and b/flowers/train/54/image_05457.jpg differ diff --git a/flowers/train/54/image_05458.jpg b/flowers/train/54/image_05458.jpg new file mode 100644 index 00000000..a50bac0f Binary files /dev/null and b/flowers/train/54/image_05458.jpg differ diff --git a/flowers/train/54/image_05459.jpg b/flowers/train/54/image_05459.jpg new file mode 100644 index 00000000..ddf40031 Binary files /dev/null and b/flowers/train/54/image_05459.jpg differ diff --git a/flowers/train/55/image_04697.jpg b/flowers/train/55/image_04697.jpg new file mode 100644 index 00000000..412f8951 Binary files /dev/null and b/flowers/train/55/image_04697.jpg differ diff --git a/flowers/train/55/image_04698.jpg b/flowers/train/55/image_04698.jpg new file mode 100644 index 00000000..0eb3237a Binary files /dev/null and b/flowers/train/55/image_04698.jpg differ diff --git a/flowers/train/55/image_04699.jpg b/flowers/train/55/image_04699.jpg new file mode 100644 index 00000000..bb111780 Binary files /dev/null and b/flowers/train/55/image_04699.jpg differ diff --git a/flowers/train/55/image_04700.jpg b/flowers/train/55/image_04700.jpg new file mode 100644 index 00000000..870a8e3b Binary files /dev/null and b/flowers/train/55/image_04700.jpg differ diff --git a/flowers/train/55/image_04703.jpg b/flowers/train/55/image_04703.jpg new file mode 100644 index 00000000..8a1ec5e4 Binary files /dev/null and b/flowers/train/55/image_04703.jpg differ diff --git a/flowers/train/55/image_04704.jpg b/flowers/train/55/image_04704.jpg new file mode 100644 index 00000000..92ed2dd0 Binary files /dev/null and b/flowers/train/55/image_04704.jpg differ diff --git a/flowers/train/55/image_04705.jpg b/flowers/train/55/image_04705.jpg new file mode 100644 index 00000000..434377ef Binary files /dev/null and b/flowers/train/55/image_04705.jpg differ diff --git a/flowers/train/55/image_04706.jpg b/flowers/train/55/image_04706.jpg new file mode 100644 index 00000000..20577b90 Binary files /dev/null and b/flowers/train/55/image_04706.jpg differ diff --git a/flowers/train/55/image_04708.jpg b/flowers/train/55/image_04708.jpg new file mode 100644 index 00000000..7fc9c619 Binary files /dev/null and b/flowers/train/55/image_04708.jpg differ diff --git a/flowers/train/55/image_04709.jpg b/flowers/train/55/image_04709.jpg new file mode 100644 index 00000000..9526eb7e Binary files /dev/null and b/flowers/train/55/image_04709.jpg differ diff --git a/flowers/train/55/image_04710.jpg b/flowers/train/55/image_04710.jpg new file mode 100644 index 00000000..14f1aee3 Binary files /dev/null and b/flowers/train/55/image_04710.jpg differ diff --git a/flowers/train/55/image_04711.jpg b/flowers/train/55/image_04711.jpg new file mode 100644 index 00000000..db1386e8 Binary files /dev/null and b/flowers/train/55/image_04711.jpg differ diff --git a/flowers/train/55/image_04712.jpg b/flowers/train/55/image_04712.jpg new file mode 100644 index 00000000..f787ff54 Binary files /dev/null and b/flowers/train/55/image_04712.jpg differ diff --git a/flowers/train/55/image_04713.jpg b/flowers/train/55/image_04713.jpg new file mode 100644 index 00000000..4baec3d8 Binary files /dev/null and b/flowers/train/55/image_04713.jpg differ diff --git a/flowers/train/55/image_04714.jpg b/flowers/train/55/image_04714.jpg new file mode 100644 index 00000000..c8ec1bb8 Binary files /dev/null and b/flowers/train/55/image_04714.jpg differ diff --git a/flowers/train/55/image_04715.jpg b/flowers/train/55/image_04715.jpg new file mode 100644 index 00000000..2b2c89d3 Binary files /dev/null and b/flowers/train/55/image_04715.jpg differ diff --git a/flowers/train/55/image_04716.jpg b/flowers/train/55/image_04716.jpg new file mode 100644 index 00000000..b034af02 Binary files /dev/null and b/flowers/train/55/image_04716.jpg differ diff --git a/flowers/train/55/image_04717.jpg b/flowers/train/55/image_04717.jpg new file mode 100644 index 00000000..cecbb90b Binary files /dev/null and b/flowers/train/55/image_04717.jpg differ diff --git a/flowers/train/55/image_04718.jpg b/flowers/train/55/image_04718.jpg new file mode 100644 index 00000000..48e34c06 Binary files /dev/null and b/flowers/train/55/image_04718.jpg differ diff --git a/flowers/train/55/image_04719.jpg b/flowers/train/55/image_04719.jpg new file mode 100644 index 00000000..3094fee4 Binary files /dev/null and b/flowers/train/55/image_04719.jpg differ diff --git a/flowers/train/55/image_04721.jpg b/flowers/train/55/image_04721.jpg new file mode 100644 index 00000000..f2e0d970 Binary files /dev/null and b/flowers/train/55/image_04721.jpg differ diff --git a/flowers/train/55/image_04723.jpg b/flowers/train/55/image_04723.jpg new file mode 100644 index 00000000..05777014 Binary files /dev/null and b/flowers/train/55/image_04723.jpg differ diff --git a/flowers/train/55/image_04724.jpg b/flowers/train/55/image_04724.jpg new file mode 100644 index 00000000..975c0745 Binary files /dev/null and b/flowers/train/55/image_04724.jpg differ diff --git a/flowers/train/55/image_04725.jpg b/flowers/train/55/image_04725.jpg new file mode 100644 index 00000000..2fa090dc Binary files /dev/null and b/flowers/train/55/image_04725.jpg differ diff --git a/flowers/train/55/image_04726.jpg b/flowers/train/55/image_04726.jpg new file mode 100644 index 00000000..1e370be7 Binary files /dev/null and b/flowers/train/55/image_04726.jpg differ diff --git a/flowers/train/55/image_04727.jpg b/flowers/train/55/image_04727.jpg new file mode 100644 index 00000000..8c501715 Binary files /dev/null and b/flowers/train/55/image_04727.jpg differ diff --git a/flowers/train/55/image_04728.jpg b/flowers/train/55/image_04728.jpg new file mode 100644 index 00000000..6361b662 Binary files /dev/null and b/flowers/train/55/image_04728.jpg differ diff --git a/flowers/train/55/image_04729.jpg b/flowers/train/55/image_04729.jpg new file mode 100644 index 00000000..77f4ac3c Binary files /dev/null and b/flowers/train/55/image_04729.jpg differ diff --git a/flowers/train/55/image_04730.jpg b/flowers/train/55/image_04730.jpg new file mode 100644 index 00000000..fa476994 Binary files /dev/null and b/flowers/train/55/image_04730.jpg differ diff --git a/flowers/train/55/image_04732.jpg b/flowers/train/55/image_04732.jpg new file mode 100644 index 00000000..ff4d025f Binary files /dev/null and b/flowers/train/55/image_04732.jpg differ diff --git a/flowers/train/55/image_04735.jpg b/flowers/train/55/image_04735.jpg new file mode 100644 index 00000000..95159b01 Binary files /dev/null and b/flowers/train/55/image_04735.jpg differ diff --git a/flowers/train/55/image_04736.jpg b/flowers/train/55/image_04736.jpg new file mode 100644 index 00000000..54347f38 Binary files /dev/null and b/flowers/train/55/image_04736.jpg differ diff --git a/flowers/train/55/image_04737.jpg b/flowers/train/55/image_04737.jpg new file mode 100644 index 00000000..58ab5419 Binary files /dev/null and b/flowers/train/55/image_04737.jpg differ diff --git a/flowers/train/55/image_04738.jpg b/flowers/train/55/image_04738.jpg new file mode 100644 index 00000000..1071ad70 Binary files /dev/null and b/flowers/train/55/image_04738.jpg differ diff --git a/flowers/train/55/image_04741.jpg b/flowers/train/55/image_04741.jpg new file mode 100644 index 00000000..7a37978c Binary files /dev/null and b/flowers/train/55/image_04741.jpg differ diff --git a/flowers/train/55/image_04743.jpg b/flowers/train/55/image_04743.jpg new file mode 100644 index 00000000..149925bb Binary files /dev/null and b/flowers/train/55/image_04743.jpg differ diff --git a/flowers/train/55/image_04744.jpg b/flowers/train/55/image_04744.jpg new file mode 100644 index 00000000..87a54b21 Binary files /dev/null and b/flowers/train/55/image_04744.jpg differ diff --git a/flowers/train/55/image_04745.jpg b/flowers/train/55/image_04745.jpg new file mode 100644 index 00000000..2db98a12 Binary files /dev/null and b/flowers/train/55/image_04745.jpg differ diff --git a/flowers/train/55/image_04746.jpg b/flowers/train/55/image_04746.jpg new file mode 100644 index 00000000..ff0b50fa Binary files /dev/null and b/flowers/train/55/image_04746.jpg differ diff --git a/flowers/train/55/image_04748.jpg b/flowers/train/55/image_04748.jpg new file mode 100644 index 00000000..f71597ac Binary files /dev/null and b/flowers/train/55/image_04748.jpg differ diff --git a/flowers/train/55/image_04749.jpg b/flowers/train/55/image_04749.jpg new file mode 100644 index 00000000..ba973caf Binary files /dev/null and b/flowers/train/55/image_04749.jpg differ diff --git a/flowers/train/55/image_04750.jpg b/flowers/train/55/image_04750.jpg new file mode 100644 index 00000000..67aeac58 Binary files /dev/null and b/flowers/train/55/image_04750.jpg differ diff --git a/flowers/train/55/image_04751.jpg b/flowers/train/55/image_04751.jpg new file mode 100644 index 00000000..16134c83 Binary files /dev/null and b/flowers/train/55/image_04751.jpg differ diff --git a/flowers/train/55/image_04752.jpg b/flowers/train/55/image_04752.jpg new file mode 100644 index 00000000..7ddefd85 Binary files /dev/null and b/flowers/train/55/image_04752.jpg differ diff --git a/flowers/train/55/image_04754.jpg b/flowers/train/55/image_04754.jpg new file mode 100644 index 00000000..7aaea126 Binary files /dev/null and b/flowers/train/55/image_04754.jpg differ diff --git a/flowers/train/55/image_04755.jpg b/flowers/train/55/image_04755.jpg new file mode 100644 index 00000000..4e016b3e Binary files /dev/null and b/flowers/train/55/image_04755.jpg differ diff --git a/flowers/train/55/image_04756.jpg b/flowers/train/55/image_04756.jpg new file mode 100644 index 00000000..2d670c3a Binary files /dev/null and b/flowers/train/55/image_04756.jpg differ diff --git a/flowers/train/55/image_04757.jpg b/flowers/train/55/image_04757.jpg new file mode 100644 index 00000000..07942201 Binary files /dev/null and b/flowers/train/55/image_04757.jpg differ diff --git a/flowers/train/55/image_04758.jpg b/flowers/train/55/image_04758.jpg new file mode 100644 index 00000000..f9a0424e Binary files /dev/null and b/flowers/train/55/image_04758.jpg differ diff --git a/flowers/train/55/image_04759.jpg b/flowers/train/55/image_04759.jpg new file mode 100644 index 00000000..08ee6561 Binary files /dev/null and b/flowers/train/55/image_04759.jpg differ diff --git a/flowers/train/55/image_04761.jpg b/flowers/train/55/image_04761.jpg new file mode 100644 index 00000000..d737ea79 Binary files /dev/null and b/flowers/train/55/image_04761.jpg differ diff --git a/flowers/train/55/image_04762.jpg b/flowers/train/55/image_04762.jpg new file mode 100644 index 00000000..277652e4 Binary files /dev/null and b/flowers/train/55/image_04762.jpg differ diff --git a/flowers/train/55/image_04763.jpg b/flowers/train/55/image_04763.jpg new file mode 100644 index 00000000..25b85714 Binary files /dev/null and b/flowers/train/55/image_04763.jpg differ diff --git a/flowers/train/55/image_04764.jpg b/flowers/train/55/image_04764.jpg new file mode 100644 index 00000000..5492f9e7 Binary files /dev/null and b/flowers/train/55/image_04764.jpg differ diff --git a/flowers/train/55/image_04765.jpg b/flowers/train/55/image_04765.jpg new file mode 100644 index 00000000..cef5f483 Binary files /dev/null and b/flowers/train/55/image_04765.jpg differ diff --git a/flowers/train/55/image_04766.jpg b/flowers/train/55/image_04766.jpg new file mode 100644 index 00000000..67638126 Binary files /dev/null and b/flowers/train/55/image_04766.jpg differ diff --git a/flowers/train/56/image_02753.jpg b/flowers/train/56/image_02753.jpg new file mode 100644 index 00000000..adbbda0d Binary files /dev/null and b/flowers/train/56/image_02753.jpg differ diff --git a/flowers/train/56/image_02754.jpg b/flowers/train/56/image_02754.jpg new file mode 100644 index 00000000..3e2b085c Binary files /dev/null and b/flowers/train/56/image_02754.jpg differ diff --git a/flowers/train/56/image_02755.jpg b/flowers/train/56/image_02755.jpg new file mode 100644 index 00000000..00a36aae Binary files /dev/null and b/flowers/train/56/image_02755.jpg differ diff --git a/flowers/train/56/image_02756.jpg b/flowers/train/56/image_02756.jpg new file mode 100644 index 00000000..3673b168 Binary files /dev/null and b/flowers/train/56/image_02756.jpg differ diff --git a/flowers/train/56/image_02757.jpg b/flowers/train/56/image_02757.jpg new file mode 100644 index 00000000..10122fd1 Binary files /dev/null and b/flowers/train/56/image_02757.jpg differ diff --git a/flowers/train/56/image_02758.jpg b/flowers/train/56/image_02758.jpg new file mode 100644 index 00000000..9c8a85bb Binary files /dev/null and b/flowers/train/56/image_02758.jpg differ diff --git a/flowers/train/56/image_02759.jpg b/flowers/train/56/image_02759.jpg new file mode 100644 index 00000000..cd855512 Binary files /dev/null and b/flowers/train/56/image_02759.jpg differ diff --git a/flowers/train/56/image_02760.jpg b/flowers/train/56/image_02760.jpg new file mode 100644 index 00000000..86938d63 Binary files /dev/null and b/flowers/train/56/image_02760.jpg differ diff --git a/flowers/train/56/image_02761.jpg b/flowers/train/56/image_02761.jpg new file mode 100644 index 00000000..22356c24 Binary files /dev/null and b/flowers/train/56/image_02761.jpg differ diff --git a/flowers/train/56/image_02762.jpg b/flowers/train/56/image_02762.jpg new file mode 100644 index 00000000..f0195a90 Binary files /dev/null and b/flowers/train/56/image_02762.jpg differ diff --git a/flowers/train/56/image_02763.jpg b/flowers/train/56/image_02763.jpg new file mode 100644 index 00000000..a699ac69 Binary files /dev/null and b/flowers/train/56/image_02763.jpg differ diff --git a/flowers/train/56/image_02764.jpg b/flowers/train/56/image_02764.jpg new file mode 100644 index 00000000..2b619757 Binary files /dev/null and b/flowers/train/56/image_02764.jpg differ diff --git a/flowers/train/56/image_02765.jpg b/flowers/train/56/image_02765.jpg new file mode 100644 index 00000000..8db91980 Binary files /dev/null and b/flowers/train/56/image_02765.jpg differ diff --git a/flowers/train/56/image_02766.jpg b/flowers/train/56/image_02766.jpg new file mode 100644 index 00000000..c806013f Binary files /dev/null and b/flowers/train/56/image_02766.jpg differ diff --git a/flowers/train/56/image_02767.jpg b/flowers/train/56/image_02767.jpg new file mode 100644 index 00000000..981667fe Binary files /dev/null and b/flowers/train/56/image_02767.jpg differ diff --git a/flowers/train/56/image_02768.jpg b/flowers/train/56/image_02768.jpg new file mode 100644 index 00000000..fd20620c Binary files /dev/null and b/flowers/train/56/image_02768.jpg differ diff --git a/flowers/train/56/image_02770.jpg b/flowers/train/56/image_02770.jpg new file mode 100644 index 00000000..d6b41a6d Binary files /dev/null and b/flowers/train/56/image_02770.jpg differ diff --git a/flowers/train/56/image_02774.jpg b/flowers/train/56/image_02774.jpg new file mode 100644 index 00000000..6a088215 Binary files /dev/null and b/flowers/train/56/image_02774.jpg differ diff --git a/flowers/train/56/image_02775.jpg b/flowers/train/56/image_02775.jpg new file mode 100644 index 00000000..7cd4eb19 Binary files /dev/null and b/flowers/train/56/image_02775.jpg differ diff --git a/flowers/train/56/image_02776.jpg b/flowers/train/56/image_02776.jpg new file mode 100644 index 00000000..af8dff7b Binary files /dev/null and b/flowers/train/56/image_02776.jpg differ diff --git a/flowers/train/56/image_02777.jpg b/flowers/train/56/image_02777.jpg new file mode 100644 index 00000000..8b1a7cd8 Binary files /dev/null and b/flowers/train/56/image_02777.jpg differ diff --git a/flowers/train/56/image_02778.jpg b/flowers/train/56/image_02778.jpg new file mode 100644 index 00000000..db07069d Binary files /dev/null and b/flowers/train/56/image_02778.jpg differ diff --git a/flowers/train/56/image_02780.jpg b/flowers/train/56/image_02780.jpg new file mode 100644 index 00000000..7d7c532a Binary files /dev/null and b/flowers/train/56/image_02780.jpg differ diff --git a/flowers/train/56/image_02781.jpg b/flowers/train/56/image_02781.jpg new file mode 100644 index 00000000..aa3a712f Binary files /dev/null and b/flowers/train/56/image_02781.jpg differ diff --git a/flowers/train/56/image_02782.jpg b/flowers/train/56/image_02782.jpg new file mode 100644 index 00000000..ea083b89 Binary files /dev/null and b/flowers/train/56/image_02782.jpg differ diff --git a/flowers/train/56/image_02783.jpg b/flowers/train/56/image_02783.jpg new file mode 100644 index 00000000..2823960c Binary files /dev/null and b/flowers/train/56/image_02783.jpg differ diff --git a/flowers/train/56/image_02784.jpg b/flowers/train/56/image_02784.jpg new file mode 100644 index 00000000..debf63d3 Binary files /dev/null and b/flowers/train/56/image_02784.jpg differ diff --git a/flowers/train/56/image_02786.jpg b/flowers/train/56/image_02786.jpg new file mode 100644 index 00000000..36964636 Binary files /dev/null and b/flowers/train/56/image_02786.jpg differ diff --git a/flowers/train/56/image_02787.jpg b/flowers/train/56/image_02787.jpg new file mode 100644 index 00000000..96bb5e27 Binary files /dev/null and b/flowers/train/56/image_02787.jpg differ diff --git a/flowers/train/56/image_02789.jpg b/flowers/train/56/image_02789.jpg new file mode 100644 index 00000000..1c0143e0 Binary files /dev/null and b/flowers/train/56/image_02789.jpg differ diff --git a/flowers/train/56/image_02790.jpg b/flowers/train/56/image_02790.jpg new file mode 100644 index 00000000..11fdf8d9 Binary files /dev/null and b/flowers/train/56/image_02790.jpg differ diff --git a/flowers/train/56/image_02791.jpg b/flowers/train/56/image_02791.jpg new file mode 100644 index 00000000..513a0530 Binary files /dev/null and b/flowers/train/56/image_02791.jpg differ diff --git a/flowers/train/56/image_02793.jpg b/flowers/train/56/image_02793.jpg new file mode 100644 index 00000000..314a16dc Binary files /dev/null and b/flowers/train/56/image_02793.jpg differ diff --git a/flowers/train/56/image_02794.jpg b/flowers/train/56/image_02794.jpg new file mode 100644 index 00000000..45211afc Binary files /dev/null and b/flowers/train/56/image_02794.jpg differ diff --git a/flowers/train/56/image_02795.jpg b/flowers/train/56/image_02795.jpg new file mode 100644 index 00000000..9d108398 Binary files /dev/null and b/flowers/train/56/image_02795.jpg differ diff --git a/flowers/train/56/image_02796.jpg b/flowers/train/56/image_02796.jpg new file mode 100644 index 00000000..e51d498e Binary files /dev/null and b/flowers/train/56/image_02796.jpg differ diff --git a/flowers/train/56/image_02797.jpg b/flowers/train/56/image_02797.jpg new file mode 100644 index 00000000..7e6e08f6 Binary files /dev/null and b/flowers/train/56/image_02797.jpg differ diff --git a/flowers/train/56/image_02798.jpg b/flowers/train/56/image_02798.jpg new file mode 100644 index 00000000..41a7d72b Binary files /dev/null and b/flowers/train/56/image_02798.jpg differ diff --git a/flowers/train/56/image_02799.jpg b/flowers/train/56/image_02799.jpg new file mode 100644 index 00000000..8e9d1744 Binary files /dev/null and b/flowers/train/56/image_02799.jpg differ diff --git a/flowers/train/56/image_02800.jpg b/flowers/train/56/image_02800.jpg new file mode 100644 index 00000000..2425a15a Binary files /dev/null and b/flowers/train/56/image_02800.jpg differ diff --git a/flowers/train/56/image_02801.jpg b/flowers/train/56/image_02801.jpg new file mode 100644 index 00000000..ca2f41c8 Binary files /dev/null and b/flowers/train/56/image_02801.jpg differ diff --git a/flowers/train/56/image_02802.jpg b/flowers/train/56/image_02802.jpg new file mode 100644 index 00000000..72bd9906 Binary files /dev/null and b/flowers/train/56/image_02802.jpg differ diff --git a/flowers/train/56/image_02803.jpg b/flowers/train/56/image_02803.jpg new file mode 100644 index 00000000..93c63e26 Binary files /dev/null and b/flowers/train/56/image_02803.jpg differ diff --git a/flowers/train/56/image_02804.jpg b/flowers/train/56/image_02804.jpg new file mode 100644 index 00000000..af1a311c Binary files /dev/null and b/flowers/train/56/image_02804.jpg differ diff --git a/flowers/train/56/image_02806.jpg b/flowers/train/56/image_02806.jpg new file mode 100644 index 00000000..1b499a18 Binary files /dev/null and b/flowers/train/56/image_02806.jpg differ diff --git a/flowers/train/56/image_02807.jpg b/flowers/train/56/image_02807.jpg new file mode 100644 index 00000000..e068b69e Binary files /dev/null and b/flowers/train/56/image_02807.jpg differ diff --git a/flowers/train/56/image_02809.jpg b/flowers/train/56/image_02809.jpg new file mode 100644 index 00000000..11670e44 Binary files /dev/null and b/flowers/train/56/image_02809.jpg differ diff --git a/flowers/train/56/image_02810.jpg b/flowers/train/56/image_02810.jpg new file mode 100644 index 00000000..a82ca5de Binary files /dev/null and b/flowers/train/56/image_02810.jpg differ diff --git a/flowers/train/56/image_02811.jpg b/flowers/train/56/image_02811.jpg new file mode 100644 index 00000000..5505d43f Binary files /dev/null and b/flowers/train/56/image_02811.jpg differ diff --git a/flowers/train/56/image_02812.jpg b/flowers/train/56/image_02812.jpg new file mode 100644 index 00000000..45f13393 Binary files /dev/null and b/flowers/train/56/image_02812.jpg differ diff --git a/flowers/train/56/image_02813.jpg b/flowers/train/56/image_02813.jpg new file mode 100644 index 00000000..d83ed348 Binary files /dev/null and b/flowers/train/56/image_02813.jpg differ diff --git a/flowers/train/56/image_02814.jpg b/flowers/train/56/image_02814.jpg new file mode 100644 index 00000000..5db71e26 Binary files /dev/null and b/flowers/train/56/image_02814.jpg differ diff --git a/flowers/train/56/image_02815.jpg b/flowers/train/56/image_02815.jpg new file mode 100644 index 00000000..0ed12b6c Binary files /dev/null and b/flowers/train/56/image_02815.jpg differ diff --git a/flowers/train/56/image_02816.jpg b/flowers/train/56/image_02816.jpg new file mode 100644 index 00000000..0f30e509 Binary files /dev/null and b/flowers/train/56/image_02816.jpg differ diff --git a/flowers/train/56/image_02817.jpg b/flowers/train/56/image_02817.jpg new file mode 100644 index 00000000..14b6a47c Binary files /dev/null and b/flowers/train/56/image_02817.jpg differ diff --git a/flowers/train/56/image_02818.jpg b/flowers/train/56/image_02818.jpg new file mode 100644 index 00000000..38e1b4ff Binary files /dev/null and b/flowers/train/56/image_02818.jpg differ diff --git a/flowers/train/56/image_02819.jpg b/flowers/train/56/image_02819.jpg new file mode 100644 index 00000000..7c313b94 Binary files /dev/null and b/flowers/train/56/image_02819.jpg differ diff --git a/flowers/train/56/image_02820.jpg b/flowers/train/56/image_02820.jpg new file mode 100644 index 00000000..4c948eb5 Binary files /dev/null and b/flowers/train/56/image_02820.jpg differ diff --git a/flowers/train/56/image_02822.jpg b/flowers/train/56/image_02822.jpg new file mode 100644 index 00000000..b61d503b Binary files /dev/null and b/flowers/train/56/image_02822.jpg differ diff --git a/flowers/train/56/image_02823.jpg b/flowers/train/56/image_02823.jpg new file mode 100644 index 00000000..ecb2bd61 Binary files /dev/null and b/flowers/train/56/image_02823.jpg differ diff --git a/flowers/train/56/image_02824.jpg b/flowers/train/56/image_02824.jpg new file mode 100644 index 00000000..e7bc4b64 Binary files /dev/null and b/flowers/train/56/image_02824.jpg differ diff --git a/flowers/train/56/image_02826.jpg b/flowers/train/56/image_02826.jpg new file mode 100644 index 00000000..a18dc80b Binary files /dev/null and b/flowers/train/56/image_02826.jpg differ diff --git a/flowers/train/56/image_02827.jpg b/flowers/train/56/image_02827.jpg new file mode 100644 index 00000000..681d65cc Binary files /dev/null and b/flowers/train/56/image_02827.jpg differ diff --git a/flowers/train/56/image_02828.jpg b/flowers/train/56/image_02828.jpg new file mode 100644 index 00000000..9941c6fc Binary files /dev/null and b/flowers/train/56/image_02828.jpg differ diff --git a/flowers/train/56/image_02829.jpg b/flowers/train/56/image_02829.jpg new file mode 100644 index 00000000..1055d4a6 Binary files /dev/null and b/flowers/train/56/image_02829.jpg differ diff --git a/flowers/train/56/image_02830.jpg b/flowers/train/56/image_02830.jpg new file mode 100644 index 00000000..7abdb189 Binary files /dev/null and b/flowers/train/56/image_02830.jpg differ diff --git a/flowers/train/56/image_02831.jpg b/flowers/train/56/image_02831.jpg new file mode 100644 index 00000000..e878770f Binary files /dev/null and b/flowers/train/56/image_02831.jpg differ diff --git a/flowers/train/56/image_02832.jpg b/flowers/train/56/image_02832.jpg new file mode 100644 index 00000000..26948b5b Binary files /dev/null and b/flowers/train/56/image_02832.jpg differ diff --git a/flowers/train/56/image_02833.jpg b/flowers/train/56/image_02833.jpg new file mode 100644 index 00000000..fa525c5c Binary files /dev/null and b/flowers/train/56/image_02833.jpg differ diff --git a/flowers/train/56/image_02834.jpg b/flowers/train/56/image_02834.jpg new file mode 100644 index 00000000..989c0b8a Binary files /dev/null and b/flowers/train/56/image_02834.jpg differ diff --git a/flowers/train/56/image_02835.jpg b/flowers/train/56/image_02835.jpg new file mode 100644 index 00000000..43176774 Binary files /dev/null and b/flowers/train/56/image_02835.jpg differ diff --git a/flowers/train/56/image_02836.jpg b/flowers/train/56/image_02836.jpg new file mode 100644 index 00000000..8cac4637 Binary files /dev/null and b/flowers/train/56/image_02836.jpg differ diff --git a/flowers/train/56/image_02837.jpg b/flowers/train/56/image_02837.jpg new file mode 100644 index 00000000..3a47dbeb Binary files /dev/null and b/flowers/train/56/image_02837.jpg differ diff --git a/flowers/train/56/image_02838.jpg b/flowers/train/56/image_02838.jpg new file mode 100644 index 00000000..8c8bbe9a Binary files /dev/null and b/flowers/train/56/image_02838.jpg differ diff --git a/flowers/train/56/image_02839.jpg b/flowers/train/56/image_02839.jpg new file mode 100644 index 00000000..b0cd4874 Binary files /dev/null and b/flowers/train/56/image_02839.jpg differ diff --git a/flowers/train/56/image_02840.jpg b/flowers/train/56/image_02840.jpg new file mode 100644 index 00000000..f2f2b0a7 Binary files /dev/null and b/flowers/train/56/image_02840.jpg differ diff --git a/flowers/train/56/image_02842.jpg b/flowers/train/56/image_02842.jpg new file mode 100644 index 00000000..3cff75e8 Binary files /dev/null and b/flowers/train/56/image_02842.jpg differ diff --git a/flowers/train/56/image_02843.jpg b/flowers/train/56/image_02843.jpg new file mode 100644 index 00000000..becf0447 Binary files /dev/null and b/flowers/train/56/image_02843.jpg differ diff --git a/flowers/train/56/image_02845.jpg b/flowers/train/56/image_02845.jpg new file mode 100644 index 00000000..62e9e2f9 Binary files /dev/null and b/flowers/train/56/image_02845.jpg differ diff --git a/flowers/train/56/image_02846.jpg b/flowers/train/56/image_02846.jpg new file mode 100644 index 00000000..307cdbce Binary files /dev/null and b/flowers/train/56/image_02846.jpg differ diff --git a/flowers/train/56/image_02847.jpg b/flowers/train/56/image_02847.jpg new file mode 100644 index 00000000..1c0b2bc8 Binary files /dev/null and b/flowers/train/56/image_02847.jpg differ diff --git a/flowers/train/56/image_02848.jpg b/flowers/train/56/image_02848.jpg new file mode 100644 index 00000000..e9f1c075 Binary files /dev/null and b/flowers/train/56/image_02848.jpg differ diff --git a/flowers/train/56/image_02850.jpg b/flowers/train/56/image_02850.jpg new file mode 100644 index 00000000..80ded31e Binary files /dev/null and b/flowers/train/56/image_02850.jpg differ diff --git a/flowers/train/56/image_02851.jpg b/flowers/train/56/image_02851.jpg new file mode 100644 index 00000000..b048893e Binary files /dev/null and b/flowers/train/56/image_02851.jpg differ diff --git a/flowers/train/56/image_02852.jpg b/flowers/train/56/image_02852.jpg new file mode 100644 index 00000000..29658e4a Binary files /dev/null and b/flowers/train/56/image_02852.jpg differ diff --git a/flowers/train/56/image_02853.jpg b/flowers/train/56/image_02853.jpg new file mode 100644 index 00000000..07d0e3bc Binary files /dev/null and b/flowers/train/56/image_02853.jpg differ diff --git a/flowers/train/56/image_02854.jpg b/flowers/train/56/image_02854.jpg new file mode 100644 index 00000000..9e77f48f Binary files /dev/null and b/flowers/train/56/image_02854.jpg differ diff --git a/flowers/train/56/image_02855.jpg b/flowers/train/56/image_02855.jpg new file mode 100644 index 00000000..64d9cbd1 Binary files /dev/null and b/flowers/train/56/image_02855.jpg differ diff --git a/flowers/train/56/image_02856.jpg b/flowers/train/56/image_02856.jpg new file mode 100644 index 00000000..4b724b48 Binary files /dev/null and b/flowers/train/56/image_02856.jpg differ diff --git a/flowers/train/56/image_02859.jpg b/flowers/train/56/image_02859.jpg new file mode 100644 index 00000000..50f6a888 Binary files /dev/null and b/flowers/train/56/image_02859.jpg differ diff --git a/flowers/train/56/image_02860.jpg b/flowers/train/56/image_02860.jpg new file mode 100644 index 00000000..1df1d61e Binary files /dev/null and b/flowers/train/56/image_02860.jpg differ diff --git a/flowers/train/56/image_02861.jpg b/flowers/train/56/image_02861.jpg new file mode 100644 index 00000000..7a2eb213 Binary files /dev/null and b/flowers/train/56/image_02861.jpg differ diff --git a/flowers/train/57/image_07235.jpg b/flowers/train/57/image_07235.jpg new file mode 100644 index 00000000..4fcc080a Binary files /dev/null and b/flowers/train/57/image_07235.jpg differ diff --git a/flowers/train/57/image_07236.jpg b/flowers/train/57/image_07236.jpg new file mode 100644 index 00000000..5330dd39 Binary files /dev/null and b/flowers/train/57/image_07236.jpg differ diff --git a/flowers/train/57/image_07237.jpg b/flowers/train/57/image_07237.jpg new file mode 100644 index 00000000..4d89de1a Binary files /dev/null and b/flowers/train/57/image_07237.jpg differ diff --git a/flowers/train/57/image_07238.jpg b/flowers/train/57/image_07238.jpg new file mode 100644 index 00000000..36d1e175 Binary files /dev/null and b/flowers/train/57/image_07238.jpg differ diff --git a/flowers/train/57/image_07240.jpg b/flowers/train/57/image_07240.jpg new file mode 100644 index 00000000..6e733313 Binary files /dev/null and b/flowers/train/57/image_07240.jpg differ diff --git a/flowers/train/57/image_07243.jpg b/flowers/train/57/image_07243.jpg new file mode 100644 index 00000000..78eaac6c Binary files /dev/null and b/flowers/train/57/image_07243.jpg differ diff --git a/flowers/train/57/image_07244.jpg b/flowers/train/57/image_07244.jpg new file mode 100644 index 00000000..76e9731f Binary files /dev/null and b/flowers/train/57/image_07244.jpg differ diff --git a/flowers/train/57/image_07245.jpg b/flowers/train/57/image_07245.jpg new file mode 100644 index 00000000..62fb4b50 Binary files /dev/null and b/flowers/train/57/image_07245.jpg differ diff --git a/flowers/train/57/image_07246.jpg b/flowers/train/57/image_07246.jpg new file mode 100644 index 00000000..157d1231 Binary files /dev/null and b/flowers/train/57/image_07246.jpg differ diff --git a/flowers/train/57/image_07248.jpg b/flowers/train/57/image_07248.jpg new file mode 100644 index 00000000..e3ccf5a8 Binary files /dev/null and b/flowers/train/57/image_07248.jpg differ diff --git a/flowers/train/57/image_07249.jpg b/flowers/train/57/image_07249.jpg new file mode 100644 index 00000000..a9f60905 Binary files /dev/null and b/flowers/train/57/image_07249.jpg differ diff --git a/flowers/train/57/image_07251.jpg b/flowers/train/57/image_07251.jpg new file mode 100644 index 00000000..287ddddc Binary files /dev/null and b/flowers/train/57/image_07251.jpg differ diff --git a/flowers/train/57/image_07252.jpg b/flowers/train/57/image_07252.jpg new file mode 100644 index 00000000..8ffc6186 Binary files /dev/null and b/flowers/train/57/image_07252.jpg differ diff --git a/flowers/train/57/image_07253.jpg b/flowers/train/57/image_07253.jpg new file mode 100644 index 00000000..1eaabc05 Binary files /dev/null and b/flowers/train/57/image_07253.jpg differ diff --git a/flowers/train/57/image_07256.jpg b/flowers/train/57/image_07256.jpg new file mode 100644 index 00000000..cda15ab9 Binary files /dev/null and b/flowers/train/57/image_07256.jpg differ diff --git a/flowers/train/57/image_07257.jpg b/flowers/train/57/image_07257.jpg new file mode 100644 index 00000000..2dbce852 Binary files /dev/null and b/flowers/train/57/image_07257.jpg differ diff --git a/flowers/train/57/image_07258.jpg b/flowers/train/57/image_07258.jpg new file mode 100644 index 00000000..a4505a2a Binary files /dev/null and b/flowers/train/57/image_07258.jpg differ diff --git a/flowers/train/57/image_07259.jpg b/flowers/train/57/image_07259.jpg new file mode 100644 index 00000000..2033a6ca Binary files /dev/null and b/flowers/train/57/image_07259.jpg differ diff --git a/flowers/train/57/image_07260.jpg b/flowers/train/57/image_07260.jpg new file mode 100644 index 00000000..b2fc3fbe Binary files /dev/null and b/flowers/train/57/image_07260.jpg differ diff --git a/flowers/train/57/image_07261.jpg b/flowers/train/57/image_07261.jpg new file mode 100644 index 00000000..6350641b Binary files /dev/null and b/flowers/train/57/image_07261.jpg differ diff --git a/flowers/train/57/image_07263.jpg b/flowers/train/57/image_07263.jpg new file mode 100644 index 00000000..be09bae4 Binary files /dev/null and b/flowers/train/57/image_07263.jpg differ diff --git a/flowers/train/57/image_07264.jpg b/flowers/train/57/image_07264.jpg new file mode 100644 index 00000000..6f074ab3 Binary files /dev/null and b/flowers/train/57/image_07264.jpg differ diff --git a/flowers/train/57/image_07265.jpg b/flowers/train/57/image_07265.jpg new file mode 100644 index 00000000..62fd104e Binary files /dev/null and b/flowers/train/57/image_07265.jpg differ diff --git a/flowers/train/57/image_08118.jpg b/flowers/train/57/image_08118.jpg new file mode 100644 index 00000000..f023c482 Binary files /dev/null and b/flowers/train/57/image_08118.jpg differ diff --git a/flowers/train/57/image_08119.jpg b/flowers/train/57/image_08119.jpg new file mode 100644 index 00000000..39001216 Binary files /dev/null and b/flowers/train/57/image_08119.jpg differ diff --git a/flowers/train/57/image_08120.jpg b/flowers/train/57/image_08120.jpg new file mode 100644 index 00000000..29091b64 Binary files /dev/null and b/flowers/train/57/image_08120.jpg differ diff --git a/flowers/train/57/image_08121.jpg b/flowers/train/57/image_08121.jpg new file mode 100644 index 00000000..32121331 Binary files /dev/null and b/flowers/train/57/image_08121.jpg differ diff --git a/flowers/train/57/image_08122.jpg b/flowers/train/57/image_08122.jpg new file mode 100644 index 00000000..57073f48 Binary files /dev/null and b/flowers/train/57/image_08122.jpg differ diff --git a/flowers/train/57/image_08123.jpg b/flowers/train/57/image_08123.jpg new file mode 100644 index 00000000..e6abbc65 Binary files /dev/null and b/flowers/train/57/image_08123.jpg differ diff --git a/flowers/train/57/image_08124.jpg b/flowers/train/57/image_08124.jpg new file mode 100644 index 00000000..9d800d86 Binary files /dev/null and b/flowers/train/57/image_08124.jpg differ diff --git a/flowers/train/57/image_08125.jpg b/flowers/train/57/image_08125.jpg new file mode 100644 index 00000000..74ddea42 Binary files /dev/null and b/flowers/train/57/image_08125.jpg differ diff --git a/flowers/train/57/image_08126.jpg b/flowers/train/57/image_08126.jpg new file mode 100644 index 00000000..5eb353fa Binary files /dev/null and b/flowers/train/57/image_08126.jpg differ diff --git a/flowers/train/57/image_08128.jpg b/flowers/train/57/image_08128.jpg new file mode 100644 index 00000000..70a80370 Binary files /dev/null and b/flowers/train/57/image_08128.jpg differ diff --git a/flowers/train/57/image_08130.jpg b/flowers/train/57/image_08130.jpg new file mode 100644 index 00000000..f5890218 Binary files /dev/null and b/flowers/train/57/image_08130.jpg differ diff --git a/flowers/train/57/image_08131.jpg b/flowers/train/57/image_08131.jpg new file mode 100644 index 00000000..b311256b Binary files /dev/null and b/flowers/train/57/image_08131.jpg differ diff --git a/flowers/train/57/image_08132.jpg b/flowers/train/57/image_08132.jpg new file mode 100644 index 00000000..35f73899 Binary files /dev/null and b/flowers/train/57/image_08132.jpg differ diff --git a/flowers/train/57/image_08135.jpg b/flowers/train/57/image_08135.jpg new file mode 100644 index 00000000..2df6b3d0 Binary files /dev/null and b/flowers/train/57/image_08135.jpg differ diff --git a/flowers/train/57/image_08136.jpg b/flowers/train/57/image_08136.jpg new file mode 100644 index 00000000..e78fe1ad Binary files /dev/null and b/flowers/train/57/image_08136.jpg differ diff --git a/flowers/train/57/image_08137.jpg b/flowers/train/57/image_08137.jpg new file mode 100644 index 00000000..223b6f52 Binary files /dev/null and b/flowers/train/57/image_08137.jpg differ diff --git a/flowers/train/57/image_08138.jpg b/flowers/train/57/image_08138.jpg new file mode 100644 index 00000000..1bae5351 Binary files /dev/null and b/flowers/train/57/image_08138.jpg differ diff --git a/flowers/train/57/image_08139.jpg b/flowers/train/57/image_08139.jpg new file mode 100644 index 00000000..f2f54988 Binary files /dev/null and b/flowers/train/57/image_08139.jpg differ diff --git a/flowers/train/57/image_08140.jpg b/flowers/train/57/image_08140.jpg new file mode 100644 index 00000000..229bb68a Binary files /dev/null and b/flowers/train/57/image_08140.jpg differ diff --git a/flowers/train/57/image_08141.jpg b/flowers/train/57/image_08141.jpg new file mode 100644 index 00000000..34389d5e Binary files /dev/null and b/flowers/train/57/image_08141.jpg differ diff --git a/flowers/train/57/image_08142.jpg b/flowers/train/57/image_08142.jpg new file mode 100644 index 00000000..4650b43f Binary files /dev/null and b/flowers/train/57/image_08142.jpg differ diff --git a/flowers/train/57/image_08143.jpg b/flowers/train/57/image_08143.jpg new file mode 100644 index 00000000..961c4832 Binary files /dev/null and b/flowers/train/57/image_08143.jpg differ diff --git a/flowers/train/57/image_08146.jpg b/flowers/train/57/image_08146.jpg new file mode 100644 index 00000000..962abd97 Binary files /dev/null and b/flowers/train/57/image_08146.jpg differ diff --git a/flowers/train/57/image_08147.jpg b/flowers/train/57/image_08147.jpg new file mode 100644 index 00000000..6620ebf3 Binary files /dev/null and b/flowers/train/57/image_08147.jpg differ diff --git a/flowers/train/57/image_08148.jpg b/flowers/train/57/image_08148.jpg new file mode 100644 index 00000000..c589b0a6 Binary files /dev/null and b/flowers/train/57/image_08148.jpg differ diff --git a/flowers/train/57/image_08149.jpg b/flowers/train/57/image_08149.jpg new file mode 100644 index 00000000..ffc0ee47 Binary files /dev/null and b/flowers/train/57/image_08149.jpg differ diff --git a/flowers/train/57/image_08150.jpg b/flowers/train/57/image_08150.jpg new file mode 100644 index 00000000..d802cbe8 Binary files /dev/null and b/flowers/train/57/image_08150.jpg differ diff --git a/flowers/train/58/image_02639.jpg b/flowers/train/58/image_02639.jpg new file mode 100644 index 00000000..5789b3c0 Binary files /dev/null and b/flowers/train/58/image_02639.jpg differ diff --git a/flowers/train/58/image_02640.jpg b/flowers/train/58/image_02640.jpg new file mode 100644 index 00000000..291fe97b Binary files /dev/null and b/flowers/train/58/image_02640.jpg differ diff --git a/flowers/train/58/image_02641.jpg b/flowers/train/58/image_02641.jpg new file mode 100644 index 00000000..d9e82f32 Binary files /dev/null and b/flowers/train/58/image_02641.jpg differ diff --git a/flowers/train/58/image_02643.jpg b/flowers/train/58/image_02643.jpg new file mode 100644 index 00000000..098b5472 Binary files /dev/null and b/flowers/train/58/image_02643.jpg differ diff --git a/flowers/train/58/image_02644.jpg b/flowers/train/58/image_02644.jpg new file mode 100644 index 00000000..cb4b2f6e Binary files /dev/null and b/flowers/train/58/image_02644.jpg differ diff --git a/flowers/train/58/image_02645.jpg b/flowers/train/58/image_02645.jpg new file mode 100644 index 00000000..123177e8 Binary files /dev/null and b/flowers/train/58/image_02645.jpg differ diff --git a/flowers/train/58/image_02646.jpg b/flowers/train/58/image_02646.jpg new file mode 100644 index 00000000..6b8d25fb Binary files /dev/null and b/flowers/train/58/image_02646.jpg differ diff --git a/flowers/train/58/image_02647.jpg b/flowers/train/58/image_02647.jpg new file mode 100644 index 00000000..da798276 Binary files /dev/null and b/flowers/train/58/image_02647.jpg differ diff --git a/flowers/train/58/image_02648.jpg b/flowers/train/58/image_02648.jpg new file mode 100644 index 00000000..86ddeec5 Binary files /dev/null and b/flowers/train/58/image_02648.jpg differ diff --git a/flowers/train/58/image_02650.jpg b/flowers/train/58/image_02650.jpg new file mode 100644 index 00000000..267182ea Binary files /dev/null and b/flowers/train/58/image_02650.jpg differ diff --git a/flowers/train/58/image_02651.jpg b/flowers/train/58/image_02651.jpg new file mode 100644 index 00000000..87cd7d87 Binary files /dev/null and b/flowers/train/58/image_02651.jpg differ diff --git a/flowers/train/58/image_02652.jpg b/flowers/train/58/image_02652.jpg new file mode 100644 index 00000000..39012edb Binary files /dev/null and b/flowers/train/58/image_02652.jpg differ diff --git a/flowers/train/58/image_02654.jpg b/flowers/train/58/image_02654.jpg new file mode 100644 index 00000000..d406a36e Binary files /dev/null and b/flowers/train/58/image_02654.jpg differ diff --git a/flowers/train/58/image_02655.jpg b/flowers/train/58/image_02655.jpg new file mode 100644 index 00000000..47f87a76 Binary files /dev/null and b/flowers/train/58/image_02655.jpg differ diff --git a/flowers/train/58/image_02657.jpg b/flowers/train/58/image_02657.jpg new file mode 100644 index 00000000..1471ad2b Binary files /dev/null and b/flowers/train/58/image_02657.jpg differ diff --git a/flowers/train/58/image_02658.jpg b/flowers/train/58/image_02658.jpg new file mode 100644 index 00000000..68209776 Binary files /dev/null and b/flowers/train/58/image_02658.jpg differ diff --git a/flowers/train/58/image_02659.jpg b/flowers/train/58/image_02659.jpg new file mode 100644 index 00000000..9371adca Binary files /dev/null and b/flowers/train/58/image_02659.jpg differ diff --git a/flowers/train/58/image_02660.jpg b/flowers/train/58/image_02660.jpg new file mode 100644 index 00000000..f617d43d Binary files /dev/null and b/flowers/train/58/image_02660.jpg differ diff --git a/flowers/train/58/image_02661.jpg b/flowers/train/58/image_02661.jpg new file mode 100644 index 00000000..42fef452 Binary files /dev/null and b/flowers/train/58/image_02661.jpg differ diff --git a/flowers/train/58/image_02662.jpg b/flowers/train/58/image_02662.jpg new file mode 100644 index 00000000..6bbd56f9 Binary files /dev/null and b/flowers/train/58/image_02662.jpg differ diff --git a/flowers/train/58/image_02664.jpg b/flowers/train/58/image_02664.jpg new file mode 100644 index 00000000..0e1eeca3 Binary files /dev/null and b/flowers/train/58/image_02664.jpg differ diff --git a/flowers/train/58/image_02665.jpg b/flowers/train/58/image_02665.jpg new file mode 100644 index 00000000..b51a8ac0 Binary files /dev/null and b/flowers/train/58/image_02665.jpg differ diff --git a/flowers/train/58/image_02666.jpg b/flowers/train/58/image_02666.jpg new file mode 100644 index 00000000..e686e1fb Binary files /dev/null and b/flowers/train/58/image_02666.jpg differ diff --git a/flowers/train/58/image_02667.jpg b/flowers/train/58/image_02667.jpg new file mode 100644 index 00000000..a3a090e1 Binary files /dev/null and b/flowers/train/58/image_02667.jpg differ diff --git a/flowers/train/58/image_02668.jpg b/flowers/train/58/image_02668.jpg new file mode 100644 index 00000000..8a983c00 Binary files /dev/null and b/flowers/train/58/image_02668.jpg differ diff --git a/flowers/train/58/image_02669.jpg b/flowers/train/58/image_02669.jpg new file mode 100644 index 00000000..d32b89a0 Binary files /dev/null and b/flowers/train/58/image_02669.jpg differ diff --git a/flowers/train/58/image_02670.jpg b/flowers/train/58/image_02670.jpg new file mode 100644 index 00000000..815c27f0 Binary files /dev/null and b/flowers/train/58/image_02670.jpg differ diff --git a/flowers/train/58/image_02671.jpg b/flowers/train/58/image_02671.jpg new file mode 100644 index 00000000..6cce6cc9 Binary files /dev/null and b/flowers/train/58/image_02671.jpg differ diff --git a/flowers/train/58/image_02673.jpg b/flowers/train/58/image_02673.jpg new file mode 100644 index 00000000..42436f65 Binary files /dev/null and b/flowers/train/58/image_02673.jpg differ diff --git a/flowers/train/58/image_02674.jpg b/flowers/train/58/image_02674.jpg new file mode 100644 index 00000000..1bd2df30 Binary files /dev/null and b/flowers/train/58/image_02674.jpg differ diff --git a/flowers/train/58/image_02678.jpg b/flowers/train/58/image_02678.jpg new file mode 100644 index 00000000..b8cd3b0f Binary files /dev/null and b/flowers/train/58/image_02678.jpg differ diff --git a/flowers/train/58/image_02679.jpg b/flowers/train/58/image_02679.jpg new file mode 100644 index 00000000..8c3270e3 Binary files /dev/null and b/flowers/train/58/image_02679.jpg differ diff --git a/flowers/train/58/image_02680.jpg b/flowers/train/58/image_02680.jpg new file mode 100644 index 00000000..8bde8b50 Binary files /dev/null and b/flowers/train/58/image_02680.jpg differ diff --git a/flowers/train/58/image_02682.jpg b/flowers/train/58/image_02682.jpg new file mode 100644 index 00000000..43f9f83a Binary files /dev/null and b/flowers/train/58/image_02682.jpg differ diff --git a/flowers/train/58/image_02683.jpg b/flowers/train/58/image_02683.jpg new file mode 100644 index 00000000..9fea1caa Binary files /dev/null and b/flowers/train/58/image_02683.jpg differ diff --git a/flowers/train/58/image_02684.jpg b/flowers/train/58/image_02684.jpg new file mode 100644 index 00000000..29b4fccb Binary files /dev/null and b/flowers/train/58/image_02684.jpg differ diff --git a/flowers/train/58/image_02685.jpg b/flowers/train/58/image_02685.jpg new file mode 100644 index 00000000..f8186341 Binary files /dev/null and b/flowers/train/58/image_02685.jpg differ diff --git a/flowers/train/58/image_02686.jpg b/flowers/train/58/image_02686.jpg new file mode 100644 index 00000000..6604687e Binary files /dev/null and b/flowers/train/58/image_02686.jpg differ diff --git a/flowers/train/58/image_02688.jpg b/flowers/train/58/image_02688.jpg new file mode 100644 index 00000000..eb1337c0 Binary files /dev/null and b/flowers/train/58/image_02688.jpg differ diff --git a/flowers/train/58/image_02689.jpg b/flowers/train/58/image_02689.jpg new file mode 100644 index 00000000..98988564 Binary files /dev/null and b/flowers/train/58/image_02689.jpg differ diff --git a/flowers/train/58/image_02692.jpg b/flowers/train/58/image_02692.jpg new file mode 100644 index 00000000..159185a2 Binary files /dev/null and b/flowers/train/58/image_02692.jpg differ diff --git a/flowers/train/58/image_02693.jpg b/flowers/train/58/image_02693.jpg new file mode 100644 index 00000000..4bc7b7f7 Binary files /dev/null and b/flowers/train/58/image_02693.jpg differ diff --git a/flowers/train/58/image_02696.jpg b/flowers/train/58/image_02696.jpg new file mode 100644 index 00000000..34752c16 Binary files /dev/null and b/flowers/train/58/image_02696.jpg differ diff --git a/flowers/train/58/image_02697.jpg b/flowers/train/58/image_02697.jpg new file mode 100644 index 00000000..5bc19206 Binary files /dev/null and b/flowers/train/58/image_02697.jpg differ diff --git a/flowers/train/58/image_02698.jpg b/flowers/train/58/image_02698.jpg new file mode 100644 index 00000000..00b15b90 Binary files /dev/null and b/flowers/train/58/image_02698.jpg differ diff --git a/flowers/train/58/image_02699.jpg b/flowers/train/58/image_02699.jpg new file mode 100644 index 00000000..7d28b945 Binary files /dev/null and b/flowers/train/58/image_02699.jpg differ diff --git a/flowers/train/58/image_02701.jpg b/flowers/train/58/image_02701.jpg new file mode 100644 index 00000000..877cfe00 Binary files /dev/null and b/flowers/train/58/image_02701.jpg differ diff --git a/flowers/train/58/image_02702.jpg b/flowers/train/58/image_02702.jpg new file mode 100644 index 00000000..755c7a66 Binary files /dev/null and b/flowers/train/58/image_02702.jpg differ diff --git a/flowers/train/58/image_02703.jpg b/flowers/train/58/image_02703.jpg new file mode 100644 index 00000000..f0b08165 Binary files /dev/null and b/flowers/train/58/image_02703.jpg differ diff --git a/flowers/train/58/image_02704.jpg b/flowers/train/58/image_02704.jpg new file mode 100644 index 00000000..f1734978 Binary files /dev/null and b/flowers/train/58/image_02704.jpg differ diff --git a/flowers/train/58/image_02706.jpg b/flowers/train/58/image_02706.jpg new file mode 100644 index 00000000..5695a0a9 Binary files /dev/null and b/flowers/train/58/image_02706.jpg differ diff --git a/flowers/train/58/image_02707.jpg b/flowers/train/58/image_02707.jpg new file mode 100644 index 00000000..d7b330d4 Binary files /dev/null and b/flowers/train/58/image_02707.jpg differ diff --git a/flowers/train/58/image_02708.jpg b/flowers/train/58/image_02708.jpg new file mode 100644 index 00000000..f730b534 Binary files /dev/null and b/flowers/train/58/image_02708.jpg differ diff --git a/flowers/train/58/image_02709.jpg b/flowers/train/58/image_02709.jpg new file mode 100644 index 00000000..4135543e Binary files /dev/null and b/flowers/train/58/image_02709.jpg differ diff --git a/flowers/train/58/image_02710.jpg b/flowers/train/58/image_02710.jpg new file mode 100644 index 00000000..f9b828f8 Binary files /dev/null and b/flowers/train/58/image_02710.jpg differ diff --git a/flowers/train/58/image_02711.jpg b/flowers/train/58/image_02711.jpg new file mode 100644 index 00000000..fc247e96 Binary files /dev/null and b/flowers/train/58/image_02711.jpg differ diff --git a/flowers/train/58/image_02712.jpg b/flowers/train/58/image_02712.jpg new file mode 100644 index 00000000..f73d9efe Binary files /dev/null and b/flowers/train/58/image_02712.jpg differ diff --git a/flowers/train/58/image_02713.jpg b/flowers/train/58/image_02713.jpg new file mode 100644 index 00000000..cddcb9b4 Binary files /dev/null and b/flowers/train/58/image_02713.jpg differ diff --git a/flowers/train/58/image_02714.jpg b/flowers/train/58/image_02714.jpg new file mode 100644 index 00000000..a0c75abd Binary files /dev/null and b/flowers/train/58/image_02714.jpg differ diff --git a/flowers/train/58/image_02715.jpg b/flowers/train/58/image_02715.jpg new file mode 100644 index 00000000..0cef8aa0 Binary files /dev/null and b/flowers/train/58/image_02715.jpg differ diff --git a/flowers/train/58/image_02716.jpg b/flowers/train/58/image_02716.jpg new file mode 100644 index 00000000..0b433f05 Binary files /dev/null and b/flowers/train/58/image_02716.jpg differ diff --git a/flowers/train/58/image_02717.jpg b/flowers/train/58/image_02717.jpg new file mode 100644 index 00000000..98599c6d Binary files /dev/null and b/flowers/train/58/image_02717.jpg differ diff --git a/flowers/train/58/image_02718.jpg b/flowers/train/58/image_02718.jpg new file mode 100644 index 00000000..5e069e18 Binary files /dev/null and b/flowers/train/58/image_02718.jpg differ diff --git a/flowers/train/58/image_02720.jpg b/flowers/train/58/image_02720.jpg new file mode 100644 index 00000000..05d86f4c Binary files /dev/null and b/flowers/train/58/image_02720.jpg differ diff --git a/flowers/train/58/image_02723.jpg b/flowers/train/58/image_02723.jpg new file mode 100644 index 00000000..97a69b79 Binary files /dev/null and b/flowers/train/58/image_02723.jpg differ diff --git a/flowers/train/58/image_02724.jpg b/flowers/train/58/image_02724.jpg new file mode 100644 index 00000000..73dd8661 Binary files /dev/null and b/flowers/train/58/image_02724.jpg differ diff --git a/flowers/train/58/image_02725.jpg b/flowers/train/58/image_02725.jpg new file mode 100644 index 00000000..b6c04cdc Binary files /dev/null and b/flowers/train/58/image_02725.jpg differ diff --git a/flowers/train/58/image_02727.jpg b/flowers/train/58/image_02727.jpg new file mode 100644 index 00000000..9d3c62c0 Binary files /dev/null and b/flowers/train/58/image_02727.jpg differ diff --git a/flowers/train/58/image_02728.jpg b/flowers/train/58/image_02728.jpg new file mode 100644 index 00000000..363af6f1 Binary files /dev/null and b/flowers/train/58/image_02728.jpg differ diff --git a/flowers/train/58/image_02729.jpg b/flowers/train/58/image_02729.jpg new file mode 100644 index 00000000..03573d93 Binary files /dev/null and b/flowers/train/58/image_02729.jpg differ diff --git a/flowers/train/58/image_02730.jpg b/flowers/train/58/image_02730.jpg new file mode 100644 index 00000000..467dcc5a Binary files /dev/null and b/flowers/train/58/image_02730.jpg differ diff --git a/flowers/train/58/image_02731.jpg b/flowers/train/58/image_02731.jpg new file mode 100644 index 00000000..e627732a Binary files /dev/null and b/flowers/train/58/image_02731.jpg differ diff --git a/flowers/train/58/image_02732.jpg b/flowers/train/58/image_02732.jpg new file mode 100644 index 00000000..0f9d07f9 Binary files /dev/null and b/flowers/train/58/image_02732.jpg differ diff --git a/flowers/train/58/image_02733.jpg b/flowers/train/58/image_02733.jpg new file mode 100644 index 00000000..ae5960bf Binary files /dev/null and b/flowers/train/58/image_02733.jpg differ diff --git a/flowers/train/58/image_02735.jpg b/flowers/train/58/image_02735.jpg new file mode 100644 index 00000000..2bfa0ec8 Binary files /dev/null and b/flowers/train/58/image_02735.jpg differ diff --git a/flowers/train/58/image_02736.jpg b/flowers/train/58/image_02736.jpg new file mode 100644 index 00000000..dfda23fd Binary files /dev/null and b/flowers/train/58/image_02736.jpg differ diff --git a/flowers/train/58/image_02739.jpg b/flowers/train/58/image_02739.jpg new file mode 100644 index 00000000..05a8e1ee Binary files /dev/null and b/flowers/train/58/image_02739.jpg differ diff --git a/flowers/train/58/image_02740.jpg b/flowers/train/58/image_02740.jpg new file mode 100644 index 00000000..1bb6baf7 Binary files /dev/null and b/flowers/train/58/image_02740.jpg differ diff --git a/flowers/train/58/image_02744.jpg b/flowers/train/58/image_02744.jpg new file mode 100644 index 00000000..032a5dff Binary files /dev/null and b/flowers/train/58/image_02744.jpg differ diff --git a/flowers/train/58/image_02745.jpg b/flowers/train/58/image_02745.jpg new file mode 100644 index 00000000..7412db7b Binary files /dev/null and b/flowers/train/58/image_02745.jpg differ diff --git a/flowers/train/58/image_02746.jpg b/flowers/train/58/image_02746.jpg new file mode 100644 index 00000000..a0340ca2 Binary files /dev/null and b/flowers/train/58/image_02746.jpg differ diff --git a/flowers/train/58/image_02747.jpg b/flowers/train/58/image_02747.jpg new file mode 100644 index 00000000..36fdf543 Binary files /dev/null and b/flowers/train/58/image_02747.jpg differ diff --git a/flowers/train/58/image_02748.jpg b/flowers/train/58/image_02748.jpg new file mode 100644 index 00000000..7621038b Binary files /dev/null and b/flowers/train/58/image_02748.jpg differ diff --git a/flowers/train/58/image_02749.jpg b/flowers/train/58/image_02749.jpg new file mode 100644 index 00000000..da1f864b Binary files /dev/null and b/flowers/train/58/image_02749.jpg differ diff --git a/flowers/train/58/image_02750.jpg b/flowers/train/58/image_02750.jpg new file mode 100644 index 00000000..4f3ad218 Binary files /dev/null and b/flowers/train/58/image_02750.jpg differ diff --git a/flowers/train/58/image_02751.jpg b/flowers/train/58/image_02751.jpg new file mode 100644 index 00000000..b7e7bd2f Binary files /dev/null and b/flowers/train/58/image_02751.jpg differ diff --git a/flowers/train/59/image_05021.jpg b/flowers/train/59/image_05021.jpg new file mode 100644 index 00000000..e062df8c Binary files /dev/null and b/flowers/train/59/image_05021.jpg differ diff --git a/flowers/train/59/image_05022.jpg b/flowers/train/59/image_05022.jpg new file mode 100644 index 00000000..5e6087b2 Binary files /dev/null and b/flowers/train/59/image_05022.jpg differ diff --git a/flowers/train/59/image_05023.jpg b/flowers/train/59/image_05023.jpg new file mode 100644 index 00000000..a0e59af7 Binary files /dev/null and b/flowers/train/59/image_05023.jpg differ diff --git a/flowers/train/59/image_05024.jpg b/flowers/train/59/image_05024.jpg new file mode 100644 index 00000000..b8071401 Binary files /dev/null and b/flowers/train/59/image_05024.jpg differ diff --git a/flowers/train/59/image_05025.jpg b/flowers/train/59/image_05025.jpg new file mode 100644 index 00000000..ff5e915c Binary files /dev/null and b/flowers/train/59/image_05025.jpg differ diff --git a/flowers/train/59/image_05026.jpg b/flowers/train/59/image_05026.jpg new file mode 100644 index 00000000..b7034fc8 Binary files /dev/null and b/flowers/train/59/image_05026.jpg differ diff --git a/flowers/train/59/image_05027.jpg b/flowers/train/59/image_05027.jpg new file mode 100644 index 00000000..1a0e5ba0 Binary files /dev/null and b/flowers/train/59/image_05027.jpg differ diff --git a/flowers/train/59/image_05028.jpg b/flowers/train/59/image_05028.jpg new file mode 100644 index 00000000..b37f2583 Binary files /dev/null and b/flowers/train/59/image_05028.jpg differ diff --git a/flowers/train/59/image_05029.jpg b/flowers/train/59/image_05029.jpg new file mode 100644 index 00000000..1bb48305 Binary files /dev/null and b/flowers/train/59/image_05029.jpg differ diff --git a/flowers/train/59/image_05030.jpg b/flowers/train/59/image_05030.jpg new file mode 100644 index 00000000..1bfbedf4 Binary files /dev/null and b/flowers/train/59/image_05030.jpg differ diff --git a/flowers/train/59/image_05031.jpg b/flowers/train/59/image_05031.jpg new file mode 100644 index 00000000..fc759535 Binary files /dev/null and b/flowers/train/59/image_05031.jpg differ diff --git a/flowers/train/59/image_05032.jpg b/flowers/train/59/image_05032.jpg new file mode 100644 index 00000000..8d8ce015 Binary files /dev/null and b/flowers/train/59/image_05032.jpg differ diff --git a/flowers/train/59/image_05035.jpg b/flowers/train/59/image_05035.jpg new file mode 100644 index 00000000..b0d3a958 Binary files /dev/null and b/flowers/train/59/image_05035.jpg differ diff --git a/flowers/train/59/image_05036.jpg b/flowers/train/59/image_05036.jpg new file mode 100644 index 00000000..098e1a15 Binary files /dev/null and b/flowers/train/59/image_05036.jpg differ diff --git a/flowers/train/59/image_05037.jpg b/flowers/train/59/image_05037.jpg new file mode 100644 index 00000000..3bfd5805 Binary files /dev/null and b/flowers/train/59/image_05037.jpg differ diff --git a/flowers/train/59/image_05040.jpg b/flowers/train/59/image_05040.jpg new file mode 100644 index 00000000..cb28f2d0 Binary files /dev/null and b/flowers/train/59/image_05040.jpg differ diff --git a/flowers/train/59/image_05041.jpg b/flowers/train/59/image_05041.jpg new file mode 100644 index 00000000..b272e8a8 Binary files /dev/null and b/flowers/train/59/image_05041.jpg differ diff --git a/flowers/train/59/image_05042.jpg b/flowers/train/59/image_05042.jpg new file mode 100644 index 00000000..422ce3c3 Binary files /dev/null and b/flowers/train/59/image_05042.jpg differ diff --git a/flowers/train/59/image_05043.jpg b/flowers/train/59/image_05043.jpg new file mode 100644 index 00000000..e4fc0c9f Binary files /dev/null and b/flowers/train/59/image_05043.jpg differ diff --git a/flowers/train/59/image_05044.jpg b/flowers/train/59/image_05044.jpg new file mode 100644 index 00000000..cd8465e9 Binary files /dev/null and b/flowers/train/59/image_05044.jpg differ diff --git a/flowers/train/59/image_05045.jpg b/flowers/train/59/image_05045.jpg new file mode 100644 index 00000000..b1107ea2 Binary files /dev/null and b/flowers/train/59/image_05045.jpg differ diff --git a/flowers/train/59/image_05046.jpg b/flowers/train/59/image_05046.jpg new file mode 100644 index 00000000..59cd1b13 Binary files /dev/null and b/flowers/train/59/image_05046.jpg differ diff --git a/flowers/train/59/image_05047.jpg b/flowers/train/59/image_05047.jpg new file mode 100644 index 00000000..96a984c8 Binary files /dev/null and b/flowers/train/59/image_05047.jpg differ diff --git a/flowers/train/59/image_05048.jpg b/flowers/train/59/image_05048.jpg new file mode 100644 index 00000000..19d64bfd Binary files /dev/null and b/flowers/train/59/image_05048.jpg differ diff --git a/flowers/train/59/image_05049.jpg b/flowers/train/59/image_05049.jpg new file mode 100644 index 00000000..da2a8f26 Binary files /dev/null and b/flowers/train/59/image_05049.jpg differ diff --git a/flowers/train/59/image_05050.jpg b/flowers/train/59/image_05050.jpg new file mode 100644 index 00000000..818b4b82 Binary files /dev/null and b/flowers/train/59/image_05050.jpg differ diff --git a/flowers/train/59/image_05051.jpg b/flowers/train/59/image_05051.jpg new file mode 100644 index 00000000..7faeaeb5 Binary files /dev/null and b/flowers/train/59/image_05051.jpg differ diff --git a/flowers/train/59/image_05053.jpg b/flowers/train/59/image_05053.jpg new file mode 100644 index 00000000..a766c54d Binary files /dev/null and b/flowers/train/59/image_05053.jpg differ diff --git a/flowers/train/59/image_05054.jpg b/flowers/train/59/image_05054.jpg new file mode 100644 index 00000000..5e05eeb8 Binary files /dev/null and b/flowers/train/59/image_05054.jpg differ diff --git a/flowers/train/59/image_05055.jpg b/flowers/train/59/image_05055.jpg new file mode 100644 index 00000000..35ab8ef6 Binary files /dev/null and b/flowers/train/59/image_05055.jpg differ diff --git a/flowers/train/59/image_05057.jpg b/flowers/train/59/image_05057.jpg new file mode 100644 index 00000000..822cc99d Binary files /dev/null and b/flowers/train/59/image_05057.jpg differ diff --git a/flowers/train/59/image_05058.jpg b/flowers/train/59/image_05058.jpg new file mode 100644 index 00000000..83af897e Binary files /dev/null and b/flowers/train/59/image_05058.jpg differ diff --git a/flowers/train/59/image_05059.jpg b/flowers/train/59/image_05059.jpg new file mode 100644 index 00000000..60db407c Binary files /dev/null and b/flowers/train/59/image_05059.jpg differ diff --git a/flowers/train/59/image_05060.jpg b/flowers/train/59/image_05060.jpg new file mode 100644 index 00000000..08283d08 Binary files /dev/null and b/flowers/train/59/image_05060.jpg differ diff --git a/flowers/train/59/image_05061.jpg b/flowers/train/59/image_05061.jpg new file mode 100644 index 00000000..9eca9be6 Binary files /dev/null and b/flowers/train/59/image_05061.jpg differ diff --git a/flowers/train/59/image_05062.jpg b/flowers/train/59/image_05062.jpg new file mode 100644 index 00000000..c6b66abb Binary files /dev/null and b/flowers/train/59/image_05062.jpg differ diff --git a/flowers/train/59/image_05063.jpg b/flowers/train/59/image_05063.jpg new file mode 100644 index 00000000..15f60d10 Binary files /dev/null and b/flowers/train/59/image_05063.jpg differ diff --git a/flowers/train/59/image_05065.jpg b/flowers/train/59/image_05065.jpg new file mode 100644 index 00000000..e9d97c7f Binary files /dev/null and b/flowers/train/59/image_05065.jpg differ diff --git a/flowers/train/59/image_05066.jpg b/flowers/train/59/image_05066.jpg new file mode 100644 index 00000000..3710866c Binary files /dev/null and b/flowers/train/59/image_05066.jpg differ diff --git a/flowers/train/59/image_05068.jpg b/flowers/train/59/image_05068.jpg new file mode 100644 index 00000000..b057a164 Binary files /dev/null and b/flowers/train/59/image_05068.jpg differ diff --git a/flowers/train/59/image_05069.jpg b/flowers/train/59/image_05069.jpg new file mode 100644 index 00000000..d2900d00 Binary files /dev/null and b/flowers/train/59/image_05069.jpg differ diff --git a/flowers/train/59/image_05070.jpg b/flowers/train/59/image_05070.jpg new file mode 100644 index 00000000..4ae214ce Binary files /dev/null and b/flowers/train/59/image_05070.jpg differ diff --git a/flowers/train/59/image_05071.jpg b/flowers/train/59/image_05071.jpg new file mode 100644 index 00000000..c170ce9a Binary files /dev/null and b/flowers/train/59/image_05071.jpg differ diff --git a/flowers/train/59/image_05072.jpg b/flowers/train/59/image_05072.jpg new file mode 100644 index 00000000..25e4e382 Binary files /dev/null and b/flowers/train/59/image_05072.jpg differ diff --git a/flowers/train/59/image_05073.jpg b/flowers/train/59/image_05073.jpg new file mode 100644 index 00000000..81c5d82d Binary files /dev/null and b/flowers/train/59/image_05073.jpg differ diff --git a/flowers/train/59/image_05074.jpg b/flowers/train/59/image_05074.jpg new file mode 100644 index 00000000..7e2fd3a5 Binary files /dev/null and b/flowers/train/59/image_05074.jpg differ diff --git a/flowers/train/59/image_05075.jpg b/flowers/train/59/image_05075.jpg new file mode 100644 index 00000000..d98fab90 Binary files /dev/null and b/flowers/train/59/image_05075.jpg differ diff --git a/flowers/train/59/image_05076.jpg b/flowers/train/59/image_05076.jpg new file mode 100644 index 00000000..69d06355 Binary files /dev/null and b/flowers/train/59/image_05076.jpg differ diff --git a/flowers/train/59/image_05078.jpg b/flowers/train/59/image_05078.jpg new file mode 100644 index 00000000..2bf558fe Binary files /dev/null and b/flowers/train/59/image_05078.jpg differ diff --git a/flowers/train/59/image_05079.jpg b/flowers/train/59/image_05079.jpg new file mode 100644 index 00000000..5adb0fce Binary files /dev/null and b/flowers/train/59/image_05079.jpg differ diff --git a/flowers/train/59/image_05080.jpg b/flowers/train/59/image_05080.jpg new file mode 100644 index 00000000..99d7b175 Binary files /dev/null and b/flowers/train/59/image_05080.jpg differ diff --git a/flowers/train/59/image_05081.jpg b/flowers/train/59/image_05081.jpg new file mode 100644 index 00000000..68f63c7d Binary files /dev/null and b/flowers/train/59/image_05081.jpg differ diff --git a/flowers/train/59/image_05082.jpg b/flowers/train/59/image_05082.jpg new file mode 100644 index 00000000..fa6b57ba Binary files /dev/null and b/flowers/train/59/image_05082.jpg differ diff --git a/flowers/train/59/image_05083.jpg b/flowers/train/59/image_05083.jpg new file mode 100644 index 00000000..6a36383b Binary files /dev/null and b/flowers/train/59/image_05083.jpg differ diff --git a/flowers/train/59/image_05084.jpg b/flowers/train/59/image_05084.jpg new file mode 100644 index 00000000..0bfc655b Binary files /dev/null and b/flowers/train/59/image_05084.jpg differ diff --git a/flowers/train/59/image_05085.jpg b/flowers/train/59/image_05085.jpg new file mode 100644 index 00000000..f602dcb3 Binary files /dev/null and b/flowers/train/59/image_05085.jpg differ diff --git a/flowers/train/6/image_07162.jpg b/flowers/train/6/image_07162.jpg new file mode 100644 index 00000000..6dfa6eb2 Binary files /dev/null and b/flowers/train/6/image_07162.jpg differ diff --git a/flowers/train/6/image_07163.jpg b/flowers/train/6/image_07163.jpg new file mode 100644 index 00000000..a4b22df6 Binary files /dev/null and b/flowers/train/6/image_07163.jpg differ diff --git a/flowers/train/6/image_07164.jpg b/flowers/train/6/image_07164.jpg new file mode 100644 index 00000000..004d8a38 Binary files /dev/null and b/flowers/train/6/image_07164.jpg differ diff --git a/flowers/train/6/image_07165.jpg b/flowers/train/6/image_07165.jpg new file mode 100644 index 00000000..b42f9d52 Binary files /dev/null and b/flowers/train/6/image_07165.jpg differ diff --git a/flowers/train/6/image_07166.jpg b/flowers/train/6/image_07166.jpg new file mode 100644 index 00000000..6c0cfcf4 Binary files /dev/null and b/flowers/train/6/image_07166.jpg differ diff --git a/flowers/train/6/image_07167.jpg b/flowers/train/6/image_07167.jpg new file mode 100644 index 00000000..96231dd8 Binary files /dev/null and b/flowers/train/6/image_07167.jpg differ diff --git a/flowers/train/6/image_07168.jpg b/flowers/train/6/image_07168.jpg new file mode 100644 index 00000000..9fe10977 Binary files /dev/null and b/flowers/train/6/image_07168.jpg differ diff --git a/flowers/train/6/image_07169.jpg b/flowers/train/6/image_07169.jpg new file mode 100644 index 00000000..e800ae8b Binary files /dev/null and b/flowers/train/6/image_07169.jpg differ diff --git a/flowers/train/6/image_07170.jpg b/flowers/train/6/image_07170.jpg new file mode 100644 index 00000000..ed4c53d1 Binary files /dev/null and b/flowers/train/6/image_07170.jpg differ diff --git a/flowers/train/6/image_07171.jpg b/flowers/train/6/image_07171.jpg new file mode 100644 index 00000000..a669521c Binary files /dev/null and b/flowers/train/6/image_07171.jpg differ diff --git a/flowers/train/6/image_07172.jpg b/flowers/train/6/image_07172.jpg new file mode 100644 index 00000000..f9f74e47 Binary files /dev/null and b/flowers/train/6/image_07172.jpg differ diff --git a/flowers/train/6/image_07174.jpg b/flowers/train/6/image_07174.jpg new file mode 100644 index 00000000..f90fd855 Binary files /dev/null and b/flowers/train/6/image_07174.jpg differ diff --git a/flowers/train/6/image_07175.jpg b/flowers/train/6/image_07175.jpg new file mode 100644 index 00000000..efbce0bb Binary files /dev/null and b/flowers/train/6/image_07175.jpg differ diff --git a/flowers/train/6/image_07176.jpg b/flowers/train/6/image_07176.jpg new file mode 100644 index 00000000..0dd4becc Binary files /dev/null and b/flowers/train/6/image_07176.jpg differ diff --git a/flowers/train/6/image_07177.jpg b/flowers/train/6/image_07177.jpg new file mode 100644 index 00000000..7769df22 Binary files /dev/null and b/flowers/train/6/image_07177.jpg differ diff --git a/flowers/train/6/image_07178.jpg b/flowers/train/6/image_07178.jpg new file mode 100644 index 00000000..16f639aa Binary files /dev/null and b/flowers/train/6/image_07178.jpg differ diff --git a/flowers/train/6/image_07179.jpg b/flowers/train/6/image_07179.jpg new file mode 100644 index 00000000..0abe90e6 Binary files /dev/null and b/flowers/train/6/image_07179.jpg differ diff --git a/flowers/train/6/image_07180.jpg b/flowers/train/6/image_07180.jpg new file mode 100644 index 00000000..b93a5360 Binary files /dev/null and b/flowers/train/6/image_07180.jpg differ diff --git a/flowers/train/6/image_07183.jpg b/flowers/train/6/image_07183.jpg new file mode 100644 index 00000000..613c5b4b Binary files /dev/null and b/flowers/train/6/image_07183.jpg differ diff --git a/flowers/train/6/image_07184.jpg b/flowers/train/6/image_07184.jpg new file mode 100644 index 00000000..67fcf275 Binary files /dev/null and b/flowers/train/6/image_07184.jpg differ diff --git a/flowers/train/6/image_07186.jpg b/flowers/train/6/image_07186.jpg new file mode 100644 index 00000000..63a4a5fb Binary files /dev/null and b/flowers/train/6/image_07186.jpg differ diff --git a/flowers/train/6/image_07187.jpg b/flowers/train/6/image_07187.jpg new file mode 100644 index 00000000..8a9ad47e Binary files /dev/null and b/flowers/train/6/image_07187.jpg differ diff --git a/flowers/train/6/image_07188.jpg b/flowers/train/6/image_07188.jpg new file mode 100644 index 00000000..c06da612 Binary files /dev/null and b/flowers/train/6/image_07188.jpg differ diff --git a/flowers/train/6/image_07189.jpg b/flowers/train/6/image_07189.jpg new file mode 100644 index 00000000..39f6eed8 Binary files /dev/null and b/flowers/train/6/image_07189.jpg differ diff --git a/flowers/train/6/image_07190.jpg b/flowers/train/6/image_07190.jpg new file mode 100644 index 00000000..a33d4e6a Binary files /dev/null and b/flowers/train/6/image_07190.jpg differ diff --git a/flowers/train/6/image_07192.jpg b/flowers/train/6/image_07192.jpg new file mode 100644 index 00000000..c0628bb4 Binary files /dev/null and b/flowers/train/6/image_07192.jpg differ diff --git a/flowers/train/6/image_07193.jpg b/flowers/train/6/image_07193.jpg new file mode 100644 index 00000000..1d7ce278 Binary files /dev/null and b/flowers/train/6/image_07193.jpg differ diff --git a/flowers/train/6/image_07194.jpg b/flowers/train/6/image_07194.jpg new file mode 100644 index 00000000..6879829c Binary files /dev/null and b/flowers/train/6/image_07194.jpg differ diff --git a/flowers/train/6/image_07195.jpg b/flowers/train/6/image_07195.jpg new file mode 100644 index 00000000..2e23c1bd Binary files /dev/null and b/flowers/train/6/image_07195.jpg differ diff --git a/flowers/train/6/image_07196.jpg b/flowers/train/6/image_07196.jpg new file mode 100644 index 00000000..4061650d Binary files /dev/null and b/flowers/train/6/image_07196.jpg differ diff --git a/flowers/train/6/image_07197.jpg b/flowers/train/6/image_07197.jpg new file mode 100644 index 00000000..abf00252 Binary files /dev/null and b/flowers/train/6/image_07197.jpg differ diff --git a/flowers/train/6/image_08107.jpg b/flowers/train/6/image_08107.jpg new file mode 100644 index 00000000..793c0254 Binary files /dev/null and b/flowers/train/6/image_08107.jpg differ diff --git a/flowers/train/6/image_08109.jpg b/flowers/train/6/image_08109.jpg new file mode 100644 index 00000000..60d4a69a Binary files /dev/null and b/flowers/train/6/image_08109.jpg differ diff --git a/flowers/train/6/image_08110.jpg b/flowers/train/6/image_08110.jpg new file mode 100644 index 00000000..32b43650 Binary files /dev/null and b/flowers/train/6/image_08110.jpg differ diff --git a/flowers/train/6/image_08111.jpg b/flowers/train/6/image_08111.jpg new file mode 100644 index 00000000..bb6c48ad Binary files /dev/null and b/flowers/train/6/image_08111.jpg differ diff --git a/flowers/train/60/image_02920.jpg b/flowers/train/60/image_02920.jpg new file mode 100644 index 00000000..aa7a00a3 Binary files /dev/null and b/flowers/train/60/image_02920.jpg differ diff --git a/flowers/train/60/image_02921.jpg b/flowers/train/60/image_02921.jpg new file mode 100644 index 00000000..22037c3b Binary files /dev/null and b/flowers/train/60/image_02921.jpg differ diff --git a/flowers/train/60/image_02922.jpg b/flowers/train/60/image_02922.jpg new file mode 100644 index 00000000..4732ae16 Binary files /dev/null and b/flowers/train/60/image_02922.jpg differ diff --git a/flowers/train/60/image_02924.jpg b/flowers/train/60/image_02924.jpg new file mode 100644 index 00000000..53b2d6f5 Binary files /dev/null and b/flowers/train/60/image_02924.jpg differ diff --git a/flowers/train/60/image_02925.jpg b/flowers/train/60/image_02925.jpg new file mode 100644 index 00000000..cd9e2f0f Binary files /dev/null and b/flowers/train/60/image_02925.jpg differ diff --git a/flowers/train/60/image_02926.jpg b/flowers/train/60/image_02926.jpg new file mode 100644 index 00000000..20b48a63 Binary files /dev/null and b/flowers/train/60/image_02926.jpg differ diff --git a/flowers/train/60/image_02927.jpg b/flowers/train/60/image_02927.jpg new file mode 100644 index 00000000..eedaa534 Binary files /dev/null and b/flowers/train/60/image_02927.jpg differ diff --git a/flowers/train/60/image_02929.jpg b/flowers/train/60/image_02929.jpg new file mode 100644 index 00000000..6a166baa Binary files /dev/null and b/flowers/train/60/image_02929.jpg differ diff --git a/flowers/train/60/image_02930.jpg b/flowers/train/60/image_02930.jpg new file mode 100644 index 00000000..6affc51e Binary files /dev/null and b/flowers/train/60/image_02930.jpg differ diff --git a/flowers/train/60/image_02931.jpg b/flowers/train/60/image_02931.jpg new file mode 100644 index 00000000..1bfdf2c6 Binary files /dev/null and b/flowers/train/60/image_02931.jpg differ diff --git a/flowers/train/60/image_02934.jpg b/flowers/train/60/image_02934.jpg new file mode 100644 index 00000000..357cc914 Binary files /dev/null and b/flowers/train/60/image_02934.jpg differ diff --git a/flowers/train/60/image_02935.jpg b/flowers/train/60/image_02935.jpg new file mode 100644 index 00000000..c35895d9 Binary files /dev/null and b/flowers/train/60/image_02935.jpg differ diff --git a/flowers/train/60/image_02938.jpg b/flowers/train/60/image_02938.jpg new file mode 100644 index 00000000..9e123172 Binary files /dev/null and b/flowers/train/60/image_02938.jpg differ diff --git a/flowers/train/60/image_02939.jpg b/flowers/train/60/image_02939.jpg new file mode 100644 index 00000000..738684f9 Binary files /dev/null and b/flowers/train/60/image_02939.jpg differ diff --git a/flowers/train/60/image_02940.jpg b/flowers/train/60/image_02940.jpg new file mode 100644 index 00000000..b268476a Binary files /dev/null and b/flowers/train/60/image_02940.jpg differ diff --git a/flowers/train/60/image_02941.jpg b/flowers/train/60/image_02941.jpg new file mode 100644 index 00000000..5222382d Binary files /dev/null and b/flowers/train/60/image_02941.jpg differ diff --git a/flowers/train/60/image_02942.jpg b/flowers/train/60/image_02942.jpg new file mode 100644 index 00000000..0ab360f3 Binary files /dev/null and b/flowers/train/60/image_02942.jpg differ diff --git a/flowers/train/60/image_02943.jpg b/flowers/train/60/image_02943.jpg new file mode 100644 index 00000000..8287ccd2 Binary files /dev/null and b/flowers/train/60/image_02943.jpg differ diff --git a/flowers/train/60/image_02944.jpg b/flowers/train/60/image_02944.jpg new file mode 100644 index 00000000..37394a4c Binary files /dev/null and b/flowers/train/60/image_02944.jpg differ diff --git a/flowers/train/60/image_02945.jpg b/flowers/train/60/image_02945.jpg new file mode 100644 index 00000000..eb4e9196 Binary files /dev/null and b/flowers/train/60/image_02945.jpg differ diff --git a/flowers/train/60/image_02946.jpg b/flowers/train/60/image_02946.jpg new file mode 100644 index 00000000..758beb7b Binary files /dev/null and b/flowers/train/60/image_02946.jpg differ diff --git a/flowers/train/60/image_02947.jpg b/flowers/train/60/image_02947.jpg new file mode 100644 index 00000000..3daf742f Binary files /dev/null and b/flowers/train/60/image_02947.jpg differ diff --git a/flowers/train/60/image_02949.jpg b/flowers/train/60/image_02949.jpg new file mode 100644 index 00000000..b7006ca1 Binary files /dev/null and b/flowers/train/60/image_02949.jpg differ diff --git a/flowers/train/60/image_02950.jpg b/flowers/train/60/image_02950.jpg new file mode 100644 index 00000000..db999040 Binary files /dev/null and b/flowers/train/60/image_02950.jpg differ diff --git a/flowers/train/60/image_02951.jpg b/flowers/train/60/image_02951.jpg new file mode 100644 index 00000000..c54c4105 Binary files /dev/null and b/flowers/train/60/image_02951.jpg differ diff --git a/flowers/train/60/image_02952.jpg b/flowers/train/60/image_02952.jpg new file mode 100644 index 00000000..b624669c Binary files /dev/null and b/flowers/train/60/image_02952.jpg differ diff --git a/flowers/train/60/image_02953.jpg b/flowers/train/60/image_02953.jpg new file mode 100644 index 00000000..e5174f57 Binary files /dev/null and b/flowers/train/60/image_02953.jpg differ diff --git a/flowers/train/60/image_02954.jpg b/flowers/train/60/image_02954.jpg new file mode 100644 index 00000000..fb74736a Binary files /dev/null and b/flowers/train/60/image_02954.jpg differ diff --git a/flowers/train/60/image_02955.jpg b/flowers/train/60/image_02955.jpg new file mode 100644 index 00000000..abf08f1e Binary files /dev/null and b/flowers/train/60/image_02955.jpg differ diff --git a/flowers/train/60/image_02956.jpg b/flowers/train/60/image_02956.jpg new file mode 100644 index 00000000..390e4622 Binary files /dev/null and b/flowers/train/60/image_02956.jpg differ diff --git a/flowers/train/60/image_02957.jpg b/flowers/train/60/image_02957.jpg new file mode 100644 index 00000000..e3a75ed3 Binary files /dev/null and b/flowers/train/60/image_02957.jpg differ diff --git a/flowers/train/60/image_02960.jpg b/flowers/train/60/image_02960.jpg new file mode 100644 index 00000000..1fb4c7fc Binary files /dev/null and b/flowers/train/60/image_02960.jpg differ diff --git a/flowers/train/60/image_02962.jpg b/flowers/train/60/image_02962.jpg new file mode 100644 index 00000000..39edd0fa Binary files /dev/null and b/flowers/train/60/image_02962.jpg differ diff --git a/flowers/train/60/image_02963.jpg b/flowers/train/60/image_02963.jpg new file mode 100644 index 00000000..ff5d1b67 Binary files /dev/null and b/flowers/train/60/image_02963.jpg differ diff --git a/flowers/train/60/image_02964.jpg b/flowers/train/60/image_02964.jpg new file mode 100644 index 00000000..c5b5d131 Binary files /dev/null and b/flowers/train/60/image_02964.jpg differ diff --git a/flowers/train/60/image_02965.jpg b/flowers/train/60/image_02965.jpg new file mode 100644 index 00000000..b0175ed1 Binary files /dev/null and b/flowers/train/60/image_02965.jpg differ diff --git a/flowers/train/60/image_02966.jpg b/flowers/train/60/image_02966.jpg new file mode 100644 index 00000000..d6d7e2f0 Binary files /dev/null and b/flowers/train/60/image_02966.jpg differ diff --git a/flowers/train/60/image_02967.jpg b/flowers/train/60/image_02967.jpg new file mode 100644 index 00000000..151b4432 Binary files /dev/null and b/flowers/train/60/image_02967.jpg differ diff --git a/flowers/train/60/image_02968.jpg b/flowers/train/60/image_02968.jpg new file mode 100644 index 00000000..a94e40e3 Binary files /dev/null and b/flowers/train/60/image_02968.jpg differ diff --git a/flowers/train/60/image_02969.jpg b/flowers/train/60/image_02969.jpg new file mode 100644 index 00000000..3d5fc529 Binary files /dev/null and b/flowers/train/60/image_02969.jpg differ diff --git a/flowers/train/60/image_02970.jpg b/flowers/train/60/image_02970.jpg new file mode 100644 index 00000000..685b4dc4 Binary files /dev/null and b/flowers/train/60/image_02970.jpg differ diff --git a/flowers/train/60/image_02972.jpg b/flowers/train/60/image_02972.jpg new file mode 100644 index 00000000..93ca52f6 Binary files /dev/null and b/flowers/train/60/image_02972.jpg differ diff --git a/flowers/train/60/image_02973.jpg b/flowers/train/60/image_02973.jpg new file mode 100644 index 00000000..84223459 Binary files /dev/null and b/flowers/train/60/image_02973.jpg differ diff --git a/flowers/train/60/image_02975.jpg b/flowers/train/60/image_02975.jpg new file mode 100644 index 00000000..9a2f955f Binary files /dev/null and b/flowers/train/60/image_02975.jpg differ diff --git a/flowers/train/60/image_02976.jpg b/flowers/train/60/image_02976.jpg new file mode 100644 index 00000000..09de1311 Binary files /dev/null and b/flowers/train/60/image_02976.jpg differ diff --git a/flowers/train/60/image_02979.jpg b/flowers/train/60/image_02979.jpg new file mode 100644 index 00000000..6602e99d Binary files /dev/null and b/flowers/train/60/image_02979.jpg differ diff --git a/flowers/train/60/image_02980.jpg b/flowers/train/60/image_02980.jpg new file mode 100644 index 00000000..01cb3e87 Binary files /dev/null and b/flowers/train/60/image_02980.jpg differ diff --git a/flowers/train/60/image_02982.jpg b/flowers/train/60/image_02982.jpg new file mode 100644 index 00000000..5eafc5ec Binary files /dev/null and b/flowers/train/60/image_02982.jpg differ diff --git a/flowers/train/60/image_02983.jpg b/flowers/train/60/image_02983.jpg new file mode 100644 index 00000000..86649fd4 Binary files /dev/null and b/flowers/train/60/image_02983.jpg differ diff --git a/flowers/train/60/image_02984.jpg b/flowers/train/60/image_02984.jpg new file mode 100644 index 00000000..c35d6680 Binary files /dev/null and b/flowers/train/60/image_02984.jpg differ diff --git a/flowers/train/60/image_02985.jpg b/flowers/train/60/image_02985.jpg new file mode 100644 index 00000000..3f900d2f Binary files /dev/null and b/flowers/train/60/image_02985.jpg differ diff --git a/flowers/train/60/image_02986.jpg b/flowers/train/60/image_02986.jpg new file mode 100644 index 00000000..c0215325 Binary files /dev/null and b/flowers/train/60/image_02986.jpg differ diff --git a/flowers/train/60/image_02988.jpg b/flowers/train/60/image_02988.jpg new file mode 100644 index 00000000..ffd43bdb Binary files /dev/null and b/flowers/train/60/image_02988.jpg differ diff --git a/flowers/train/60/image_02989.jpg b/flowers/train/60/image_02989.jpg new file mode 100644 index 00000000..d2f26255 Binary files /dev/null and b/flowers/train/60/image_02989.jpg differ diff --git a/flowers/train/60/image_02990.jpg b/flowers/train/60/image_02990.jpg new file mode 100644 index 00000000..957f7f6a Binary files /dev/null and b/flowers/train/60/image_02990.jpg differ diff --git a/flowers/train/60/image_02991.jpg b/flowers/train/60/image_02991.jpg new file mode 100644 index 00000000..45989e86 Binary files /dev/null and b/flowers/train/60/image_02991.jpg differ diff --git a/flowers/train/60/image_02993.jpg b/flowers/train/60/image_02993.jpg new file mode 100644 index 00000000..0afdf35e Binary files /dev/null and b/flowers/train/60/image_02993.jpg differ diff --git a/flowers/train/60/image_02994.jpg b/flowers/train/60/image_02994.jpg new file mode 100644 index 00000000..f87378f6 Binary files /dev/null and b/flowers/train/60/image_02994.jpg differ diff --git a/flowers/train/60/image_02995.jpg b/flowers/train/60/image_02995.jpg new file mode 100644 index 00000000..b3d4408f Binary files /dev/null and b/flowers/train/60/image_02995.jpg differ diff --git a/flowers/train/60/image_02998.jpg b/flowers/train/60/image_02998.jpg new file mode 100644 index 00000000..102becb5 Binary files /dev/null and b/flowers/train/60/image_02998.jpg differ diff --git a/flowers/train/60/image_02999.jpg b/flowers/train/60/image_02999.jpg new file mode 100644 index 00000000..9703c051 Binary files /dev/null and b/flowers/train/60/image_02999.jpg differ diff --git a/flowers/train/60/image_03001.jpg b/flowers/train/60/image_03001.jpg new file mode 100644 index 00000000..9b28d62d Binary files /dev/null and b/flowers/train/60/image_03001.jpg differ diff --git a/flowers/train/60/image_03002.jpg b/flowers/train/60/image_03002.jpg new file mode 100644 index 00000000..4d92d8ac Binary files /dev/null and b/flowers/train/60/image_03002.jpg differ diff --git a/flowers/train/60/image_03004.jpg b/flowers/train/60/image_03004.jpg new file mode 100644 index 00000000..347d9f2a Binary files /dev/null and b/flowers/train/60/image_03004.jpg differ diff --git a/flowers/train/60/image_03005.jpg b/flowers/train/60/image_03005.jpg new file mode 100644 index 00000000..d6e8c25c Binary files /dev/null and b/flowers/train/60/image_03005.jpg differ diff --git a/flowers/train/60/image_03006.jpg b/flowers/train/60/image_03006.jpg new file mode 100644 index 00000000..1090ded8 Binary files /dev/null and b/flowers/train/60/image_03006.jpg differ diff --git a/flowers/train/60/image_03007.jpg b/flowers/train/60/image_03007.jpg new file mode 100644 index 00000000..30e89e68 Binary files /dev/null and b/flowers/train/60/image_03007.jpg differ diff --git a/flowers/train/60/image_03009.jpg b/flowers/train/60/image_03009.jpg new file mode 100644 index 00000000..3fbdd007 Binary files /dev/null and b/flowers/train/60/image_03009.jpg differ diff --git a/flowers/train/60/image_03010.jpg b/flowers/train/60/image_03010.jpg new file mode 100644 index 00000000..4070332b Binary files /dev/null and b/flowers/train/60/image_03010.jpg differ diff --git a/flowers/train/60/image_03011.jpg b/flowers/train/60/image_03011.jpg new file mode 100644 index 00000000..a053bec0 Binary files /dev/null and b/flowers/train/60/image_03011.jpg differ diff --git a/flowers/train/60/image_03012.jpg b/flowers/train/60/image_03012.jpg new file mode 100644 index 00000000..1e68eaf7 Binary files /dev/null and b/flowers/train/60/image_03012.jpg differ diff --git a/flowers/train/60/image_03013.jpg b/flowers/train/60/image_03013.jpg new file mode 100644 index 00000000..fbaaa35e Binary files /dev/null and b/flowers/train/60/image_03013.jpg differ diff --git a/flowers/train/60/image_03014.jpg b/flowers/train/60/image_03014.jpg new file mode 100644 index 00000000..5d4cf078 Binary files /dev/null and b/flowers/train/60/image_03014.jpg differ diff --git a/flowers/train/60/image_03015.jpg b/flowers/train/60/image_03015.jpg new file mode 100644 index 00000000..2eff452f Binary files /dev/null and b/flowers/train/60/image_03015.jpg differ diff --git a/flowers/train/60/image_03017.jpg b/flowers/train/60/image_03017.jpg new file mode 100644 index 00000000..60e90287 Binary files /dev/null and b/flowers/train/60/image_03017.jpg differ diff --git a/flowers/train/60/image_03018.jpg b/flowers/train/60/image_03018.jpg new file mode 100644 index 00000000..ca430f96 Binary files /dev/null and b/flowers/train/60/image_03018.jpg differ diff --git a/flowers/train/60/image_03019.jpg b/flowers/train/60/image_03019.jpg new file mode 100644 index 00000000..e0123c10 Binary files /dev/null and b/flowers/train/60/image_03019.jpg differ diff --git a/flowers/train/60/image_03020.jpg b/flowers/train/60/image_03020.jpg new file mode 100644 index 00000000..a15fb597 Binary files /dev/null and b/flowers/train/60/image_03020.jpg differ diff --git a/flowers/train/60/image_03021.jpg b/flowers/train/60/image_03021.jpg new file mode 100644 index 00000000..35fdefb1 Binary files /dev/null and b/flowers/train/60/image_03021.jpg differ diff --git a/flowers/train/60/image_03022.jpg b/flowers/train/60/image_03022.jpg new file mode 100644 index 00000000..b50c7cae Binary files /dev/null and b/flowers/train/60/image_03022.jpg differ diff --git a/flowers/train/60/image_03023.jpg b/flowers/train/60/image_03023.jpg new file mode 100644 index 00000000..19ca2e84 Binary files /dev/null and b/flowers/train/60/image_03023.jpg differ diff --git a/flowers/train/60/image_03024.jpg b/flowers/train/60/image_03024.jpg new file mode 100644 index 00000000..ff7fd510 Binary files /dev/null and b/flowers/train/60/image_03024.jpg differ diff --git a/flowers/train/60/image_03025.jpg b/flowers/train/60/image_03025.jpg new file mode 100644 index 00000000..879f5f90 Binary files /dev/null and b/flowers/train/60/image_03025.jpg differ diff --git a/flowers/train/60/image_03027.jpg b/flowers/train/60/image_03027.jpg new file mode 100644 index 00000000..ad016ed7 Binary files /dev/null and b/flowers/train/60/image_03027.jpg differ diff --git a/flowers/train/60/image_03028.jpg b/flowers/train/60/image_03028.jpg new file mode 100644 index 00000000..872dc4c6 Binary files /dev/null and b/flowers/train/60/image_03028.jpg differ diff --git a/flowers/train/61/image_06247.jpg b/flowers/train/61/image_06247.jpg new file mode 100644 index 00000000..a99a0440 Binary files /dev/null and b/flowers/train/61/image_06247.jpg differ diff --git a/flowers/train/61/image_06250.jpg b/flowers/train/61/image_06250.jpg new file mode 100644 index 00000000..2e441c18 Binary files /dev/null and b/flowers/train/61/image_06250.jpg differ diff --git a/flowers/train/61/image_06252.jpg b/flowers/train/61/image_06252.jpg new file mode 100644 index 00000000..e1ff60cf Binary files /dev/null and b/flowers/train/61/image_06252.jpg differ diff --git a/flowers/train/61/image_06253.jpg b/flowers/train/61/image_06253.jpg new file mode 100644 index 00000000..2a8b7c70 Binary files /dev/null and b/flowers/train/61/image_06253.jpg differ diff --git a/flowers/train/61/image_06254.jpg b/flowers/train/61/image_06254.jpg new file mode 100644 index 00000000..0b2b1d98 Binary files /dev/null and b/flowers/train/61/image_06254.jpg differ diff --git a/flowers/train/61/image_06255.jpg b/flowers/train/61/image_06255.jpg new file mode 100644 index 00000000..f22568ad Binary files /dev/null and b/flowers/train/61/image_06255.jpg differ diff --git a/flowers/train/61/image_06256.jpg b/flowers/train/61/image_06256.jpg new file mode 100644 index 00000000..3138ea64 Binary files /dev/null and b/flowers/train/61/image_06256.jpg differ diff --git a/flowers/train/61/image_06257.jpg b/flowers/train/61/image_06257.jpg new file mode 100644 index 00000000..cb804896 Binary files /dev/null and b/flowers/train/61/image_06257.jpg differ diff --git a/flowers/train/61/image_06258.jpg b/flowers/train/61/image_06258.jpg new file mode 100644 index 00000000..42294787 Binary files /dev/null and b/flowers/train/61/image_06258.jpg differ diff --git a/flowers/train/61/image_06260.jpg b/flowers/train/61/image_06260.jpg new file mode 100644 index 00000000..29eaa3fa Binary files /dev/null and b/flowers/train/61/image_06260.jpg differ diff --git a/flowers/train/61/image_06262.jpg b/flowers/train/61/image_06262.jpg new file mode 100644 index 00000000..b7c7c932 Binary files /dev/null and b/flowers/train/61/image_06262.jpg differ diff --git a/flowers/train/61/image_06263.jpg b/flowers/train/61/image_06263.jpg new file mode 100644 index 00000000..f2f93005 Binary files /dev/null and b/flowers/train/61/image_06263.jpg differ diff --git a/flowers/train/61/image_06264.jpg b/flowers/train/61/image_06264.jpg new file mode 100644 index 00000000..30427a43 Binary files /dev/null and b/flowers/train/61/image_06264.jpg differ diff --git a/flowers/train/61/image_06265.jpg b/flowers/train/61/image_06265.jpg new file mode 100644 index 00000000..6eb0a067 Binary files /dev/null and b/flowers/train/61/image_06265.jpg differ diff --git a/flowers/train/61/image_06267.jpg b/flowers/train/61/image_06267.jpg new file mode 100644 index 00000000..4c48c2c6 Binary files /dev/null and b/flowers/train/61/image_06267.jpg differ diff --git a/flowers/train/61/image_06268.jpg b/flowers/train/61/image_06268.jpg new file mode 100644 index 00000000..1829b479 Binary files /dev/null and b/flowers/train/61/image_06268.jpg differ diff --git a/flowers/train/61/image_06269.jpg b/flowers/train/61/image_06269.jpg new file mode 100644 index 00000000..2b3cec3b Binary files /dev/null and b/flowers/train/61/image_06269.jpg differ diff --git a/flowers/train/61/image_06270.jpg b/flowers/train/61/image_06270.jpg new file mode 100644 index 00000000..1164373f Binary files /dev/null and b/flowers/train/61/image_06270.jpg differ diff --git a/flowers/train/61/image_06272.jpg b/flowers/train/61/image_06272.jpg new file mode 100644 index 00000000..4a4c2661 Binary files /dev/null and b/flowers/train/61/image_06272.jpg differ diff --git a/flowers/train/61/image_06274.jpg b/flowers/train/61/image_06274.jpg new file mode 100644 index 00000000..dcfd5ed0 Binary files /dev/null and b/flowers/train/61/image_06274.jpg differ diff --git a/flowers/train/61/image_06275.jpg b/flowers/train/61/image_06275.jpg new file mode 100644 index 00000000..c84f38f5 Binary files /dev/null and b/flowers/train/61/image_06275.jpg differ diff --git a/flowers/train/61/image_06276.jpg b/flowers/train/61/image_06276.jpg new file mode 100644 index 00000000..47d36033 Binary files /dev/null and b/flowers/train/61/image_06276.jpg differ diff --git a/flowers/train/61/image_06277.jpg b/flowers/train/61/image_06277.jpg new file mode 100644 index 00000000..4f05229d Binary files /dev/null and b/flowers/train/61/image_06277.jpg differ diff --git a/flowers/train/61/image_06278.jpg b/flowers/train/61/image_06278.jpg new file mode 100644 index 00000000..ae9a2f66 Binary files /dev/null and b/flowers/train/61/image_06278.jpg differ diff --git a/flowers/train/61/image_06280.jpg b/flowers/train/61/image_06280.jpg new file mode 100644 index 00000000..017fda30 Binary files /dev/null and b/flowers/train/61/image_06280.jpg differ diff --git a/flowers/train/61/image_06281.jpg b/flowers/train/61/image_06281.jpg new file mode 100644 index 00000000..ce60a382 Binary files /dev/null and b/flowers/train/61/image_06281.jpg differ diff --git a/flowers/train/61/image_06282.jpg b/flowers/train/61/image_06282.jpg new file mode 100644 index 00000000..88a8b1c4 Binary files /dev/null and b/flowers/train/61/image_06282.jpg differ diff --git a/flowers/train/61/image_06283.jpg b/flowers/train/61/image_06283.jpg new file mode 100644 index 00000000..251acf3e Binary files /dev/null and b/flowers/train/61/image_06283.jpg differ diff --git a/flowers/train/61/image_06285.jpg b/flowers/train/61/image_06285.jpg new file mode 100644 index 00000000..204b2dd1 Binary files /dev/null and b/flowers/train/61/image_06285.jpg differ diff --git a/flowers/train/61/image_06286.jpg b/flowers/train/61/image_06286.jpg new file mode 100644 index 00000000..e05f0dd8 Binary files /dev/null and b/flowers/train/61/image_06286.jpg differ diff --git a/flowers/train/61/image_06287.jpg b/flowers/train/61/image_06287.jpg new file mode 100644 index 00000000..f35f4201 Binary files /dev/null and b/flowers/train/61/image_06287.jpg differ diff --git a/flowers/train/61/image_06288.jpg b/flowers/train/61/image_06288.jpg new file mode 100644 index 00000000..138fb3ad Binary files /dev/null and b/flowers/train/61/image_06288.jpg differ diff --git a/flowers/train/61/image_06289.jpg b/flowers/train/61/image_06289.jpg new file mode 100644 index 00000000..7fdd2a3f Binary files /dev/null and b/flowers/train/61/image_06289.jpg differ diff --git a/flowers/train/61/image_06291.jpg b/flowers/train/61/image_06291.jpg new file mode 100644 index 00000000..6c011c15 Binary files /dev/null and b/flowers/train/61/image_06291.jpg differ diff --git a/flowers/train/61/image_06294.jpg b/flowers/train/61/image_06294.jpg new file mode 100644 index 00000000..976260a6 Binary files /dev/null and b/flowers/train/61/image_06294.jpg differ diff --git a/flowers/train/61/image_06295.jpg b/flowers/train/61/image_06295.jpg new file mode 100644 index 00000000..ad2086e5 Binary files /dev/null and b/flowers/train/61/image_06295.jpg differ diff --git a/flowers/train/62/image_07268.jpg b/flowers/train/62/image_07268.jpg new file mode 100644 index 00000000..a65f6e52 Binary files /dev/null and b/flowers/train/62/image_07268.jpg differ diff --git a/flowers/train/62/image_07270.jpg b/flowers/train/62/image_07270.jpg new file mode 100644 index 00000000..3cd42110 Binary files /dev/null and b/flowers/train/62/image_07270.jpg differ diff --git a/flowers/train/62/image_07272.jpg b/flowers/train/62/image_07272.jpg new file mode 100644 index 00000000..752ab19f Binary files /dev/null and b/flowers/train/62/image_07272.jpg differ diff --git a/flowers/train/62/image_07273.jpg b/flowers/train/62/image_07273.jpg new file mode 100644 index 00000000..e6120a94 Binary files /dev/null and b/flowers/train/62/image_07273.jpg differ diff --git a/flowers/train/62/image_07274.jpg b/flowers/train/62/image_07274.jpg new file mode 100644 index 00000000..5f5d43d4 Binary files /dev/null and b/flowers/train/62/image_07274.jpg differ diff --git a/flowers/train/62/image_07275.jpg b/flowers/train/62/image_07275.jpg new file mode 100644 index 00000000..2de9a128 Binary files /dev/null and b/flowers/train/62/image_07275.jpg differ diff --git a/flowers/train/62/image_07277.jpg b/flowers/train/62/image_07277.jpg new file mode 100644 index 00000000..3516ffb3 Binary files /dev/null and b/flowers/train/62/image_07277.jpg differ diff --git a/flowers/train/62/image_07278.jpg b/flowers/train/62/image_07278.jpg new file mode 100644 index 00000000..ecde9fe7 Binary files /dev/null and b/flowers/train/62/image_07278.jpg differ diff --git a/flowers/train/62/image_07279.jpg b/flowers/train/62/image_07279.jpg new file mode 100644 index 00000000..a20359cf Binary files /dev/null and b/flowers/train/62/image_07279.jpg differ diff --git a/flowers/train/62/image_07280.jpg b/flowers/train/62/image_07280.jpg new file mode 100644 index 00000000..3d92604e Binary files /dev/null and b/flowers/train/62/image_07280.jpg differ diff --git a/flowers/train/62/image_07281.jpg b/flowers/train/62/image_07281.jpg new file mode 100644 index 00000000..034b55ab Binary files /dev/null and b/flowers/train/62/image_07281.jpg differ diff --git a/flowers/train/62/image_07282.jpg b/flowers/train/62/image_07282.jpg new file mode 100644 index 00000000..1aae9e9b Binary files /dev/null and b/flowers/train/62/image_07282.jpg differ diff --git a/flowers/train/62/image_07283.jpg b/flowers/train/62/image_07283.jpg new file mode 100644 index 00000000..bc2b2689 Binary files /dev/null and b/flowers/train/62/image_07283.jpg differ diff --git a/flowers/train/62/image_08151.jpg b/flowers/train/62/image_08151.jpg new file mode 100644 index 00000000..151c2820 Binary files /dev/null and b/flowers/train/62/image_08151.jpg differ diff --git a/flowers/train/62/image_08152.jpg b/flowers/train/62/image_08152.jpg new file mode 100644 index 00000000..fede7725 Binary files /dev/null and b/flowers/train/62/image_08152.jpg differ diff --git a/flowers/train/62/image_08153.jpg b/flowers/train/62/image_08153.jpg new file mode 100644 index 00000000..e60b8525 Binary files /dev/null and b/flowers/train/62/image_08153.jpg differ diff --git a/flowers/train/62/image_08154.jpg b/flowers/train/62/image_08154.jpg new file mode 100644 index 00000000..2f444f3f Binary files /dev/null and b/flowers/train/62/image_08154.jpg differ diff --git a/flowers/train/62/image_08156.jpg b/flowers/train/62/image_08156.jpg new file mode 100644 index 00000000..99572db3 Binary files /dev/null and b/flowers/train/62/image_08156.jpg differ diff --git a/flowers/train/62/image_08157.jpg b/flowers/train/62/image_08157.jpg new file mode 100644 index 00000000..b151b36b Binary files /dev/null and b/flowers/train/62/image_08157.jpg differ diff --git a/flowers/train/62/image_08158.jpg b/flowers/train/62/image_08158.jpg new file mode 100644 index 00000000..f14ef93e Binary files /dev/null and b/flowers/train/62/image_08158.jpg differ diff --git a/flowers/train/62/image_08159.jpg b/flowers/train/62/image_08159.jpg new file mode 100644 index 00000000..89f90ecc Binary files /dev/null and b/flowers/train/62/image_08159.jpg differ diff --git a/flowers/train/62/image_08160.jpg b/flowers/train/62/image_08160.jpg new file mode 100644 index 00000000..ce8200e8 Binary files /dev/null and b/flowers/train/62/image_08160.jpg differ diff --git a/flowers/train/62/image_08161.jpg b/flowers/train/62/image_08161.jpg new file mode 100644 index 00000000..f122e85e Binary files /dev/null and b/flowers/train/62/image_08161.jpg differ diff --git a/flowers/train/62/image_08162.jpg b/flowers/train/62/image_08162.jpg new file mode 100644 index 00000000..a91785ca Binary files /dev/null and b/flowers/train/62/image_08162.jpg differ diff --git a/flowers/train/62/image_08163.jpg b/flowers/train/62/image_08163.jpg new file mode 100644 index 00000000..412b263a Binary files /dev/null and b/flowers/train/62/image_08163.jpg differ diff --git a/flowers/train/62/image_08164.jpg b/flowers/train/62/image_08164.jpg new file mode 100644 index 00000000..a764b294 Binary files /dev/null and b/flowers/train/62/image_08164.jpg differ diff --git a/flowers/train/62/image_08165.jpg b/flowers/train/62/image_08165.jpg new file mode 100644 index 00000000..2ce27740 Binary files /dev/null and b/flowers/train/62/image_08165.jpg differ diff --git a/flowers/train/62/image_08166.jpg b/flowers/train/62/image_08166.jpg new file mode 100644 index 00000000..6dde4988 Binary files /dev/null and b/flowers/train/62/image_08166.jpg differ diff --git a/flowers/train/62/image_08167.jpg b/flowers/train/62/image_08167.jpg new file mode 100644 index 00000000..e1383c2c Binary files /dev/null and b/flowers/train/62/image_08167.jpg differ diff --git a/flowers/train/62/image_08168.jpg b/flowers/train/62/image_08168.jpg new file mode 100644 index 00000000..2ba4d776 Binary files /dev/null and b/flowers/train/62/image_08168.jpg differ diff --git a/flowers/train/62/image_08169.jpg b/flowers/train/62/image_08169.jpg new file mode 100644 index 00000000..12a09999 Binary files /dev/null and b/flowers/train/62/image_08169.jpg differ diff --git a/flowers/train/62/image_08170.jpg b/flowers/train/62/image_08170.jpg new file mode 100644 index 00000000..d7f12800 Binary files /dev/null and b/flowers/train/62/image_08170.jpg differ diff --git a/flowers/train/62/image_08173.jpg b/flowers/train/62/image_08173.jpg new file mode 100644 index 00000000..df35d08f Binary files /dev/null and b/flowers/train/62/image_08173.jpg differ diff --git a/flowers/train/62/image_08174.jpg b/flowers/train/62/image_08174.jpg new file mode 100644 index 00000000..c1685c6c Binary files /dev/null and b/flowers/train/62/image_08174.jpg differ diff --git a/flowers/train/62/image_08175.jpg b/flowers/train/62/image_08175.jpg new file mode 100644 index 00000000..ced745fa Binary files /dev/null and b/flowers/train/62/image_08175.jpg differ diff --git a/flowers/train/62/image_08176.jpg b/flowers/train/62/image_08176.jpg new file mode 100644 index 00000000..2b81677d Binary files /dev/null and b/flowers/train/62/image_08176.jpg differ diff --git a/flowers/train/62/image_08178.jpg b/flowers/train/62/image_08178.jpg new file mode 100644 index 00000000..4f0fac4c Binary files /dev/null and b/flowers/train/62/image_08178.jpg differ diff --git a/flowers/train/62/image_08179.jpg b/flowers/train/62/image_08179.jpg new file mode 100644 index 00000000..4d061c5c Binary files /dev/null and b/flowers/train/62/image_08179.jpg differ diff --git a/flowers/train/62/image_08180.jpg b/flowers/train/62/image_08180.jpg new file mode 100644 index 00000000..c028d727 Binary files /dev/null and b/flowers/train/62/image_08180.jpg differ diff --git a/flowers/train/62/image_08181.jpg b/flowers/train/62/image_08181.jpg new file mode 100644 index 00000000..e03324bf Binary files /dev/null and b/flowers/train/62/image_08181.jpg differ diff --git a/flowers/train/62/image_08182.jpg b/flowers/train/62/image_08182.jpg new file mode 100644 index 00000000..890f0803 Binary files /dev/null and b/flowers/train/62/image_08182.jpg differ diff --git a/flowers/train/62/image_08183.jpg b/flowers/train/62/image_08183.jpg new file mode 100644 index 00000000..6066d1b8 Binary files /dev/null and b/flowers/train/62/image_08183.jpg differ diff --git a/flowers/train/62/image_08184.jpg b/flowers/train/62/image_08184.jpg new file mode 100644 index 00000000..e22d89c9 Binary files /dev/null and b/flowers/train/62/image_08184.jpg differ diff --git a/flowers/train/62/image_08185.jpg b/flowers/train/62/image_08185.jpg new file mode 100644 index 00000000..c7aa95ac Binary files /dev/null and b/flowers/train/62/image_08185.jpg differ diff --git a/flowers/train/62/image_08186.jpg b/flowers/train/62/image_08186.jpg new file mode 100644 index 00000000..852034dc Binary files /dev/null and b/flowers/train/62/image_08186.jpg differ diff --git a/flowers/train/62/image_08187.jpg b/flowers/train/62/image_08187.jpg new file mode 100644 index 00000000..a00d09a6 Binary files /dev/null and b/flowers/train/62/image_08187.jpg differ diff --git a/flowers/train/62/image_08188.jpg b/flowers/train/62/image_08188.jpg new file mode 100644 index 00000000..b2ff91d7 Binary files /dev/null and b/flowers/train/62/image_08188.jpg differ diff --git a/flowers/train/62/image_08189.jpg b/flowers/train/62/image_08189.jpg new file mode 100644 index 00000000..dc55915f Binary files /dev/null and b/flowers/train/62/image_08189.jpg differ diff --git a/flowers/train/63/image_05849.jpg b/flowers/train/63/image_05849.jpg new file mode 100644 index 00000000..8ad19d48 Binary files /dev/null and b/flowers/train/63/image_05849.jpg differ diff --git a/flowers/train/63/image_05850.jpg b/flowers/train/63/image_05850.jpg new file mode 100644 index 00000000..a49fbf3e Binary files /dev/null and b/flowers/train/63/image_05850.jpg differ diff --git a/flowers/train/63/image_05851.jpg b/flowers/train/63/image_05851.jpg new file mode 100644 index 00000000..db8d5bfd Binary files /dev/null and b/flowers/train/63/image_05851.jpg differ diff --git a/flowers/train/63/image_05852.jpg b/flowers/train/63/image_05852.jpg new file mode 100644 index 00000000..871bc1a2 Binary files /dev/null and b/flowers/train/63/image_05852.jpg differ diff --git a/flowers/train/63/image_05854.jpg b/flowers/train/63/image_05854.jpg new file mode 100644 index 00000000..4498f140 Binary files /dev/null and b/flowers/train/63/image_05854.jpg differ diff --git a/flowers/train/63/image_05855.jpg b/flowers/train/63/image_05855.jpg new file mode 100644 index 00000000..f5ce892c Binary files /dev/null and b/flowers/train/63/image_05855.jpg differ diff --git a/flowers/train/63/image_05856.jpg b/flowers/train/63/image_05856.jpg new file mode 100644 index 00000000..36a1186f Binary files /dev/null and b/flowers/train/63/image_05856.jpg differ diff --git a/flowers/train/63/image_05858.jpg b/flowers/train/63/image_05858.jpg new file mode 100644 index 00000000..79bfc0cd Binary files /dev/null and b/flowers/train/63/image_05858.jpg differ diff --git a/flowers/train/63/image_05859.jpg b/flowers/train/63/image_05859.jpg new file mode 100644 index 00000000..1f235964 Binary files /dev/null and b/flowers/train/63/image_05859.jpg differ diff --git a/flowers/train/63/image_05860.jpg b/flowers/train/63/image_05860.jpg new file mode 100644 index 00000000..bd94d914 Binary files /dev/null and b/flowers/train/63/image_05860.jpg differ diff --git a/flowers/train/63/image_05862.jpg b/flowers/train/63/image_05862.jpg new file mode 100644 index 00000000..a586e933 Binary files /dev/null and b/flowers/train/63/image_05862.jpg differ diff --git a/flowers/train/63/image_05863.jpg b/flowers/train/63/image_05863.jpg new file mode 100644 index 00000000..242dfafc Binary files /dev/null and b/flowers/train/63/image_05863.jpg differ diff --git a/flowers/train/63/image_05864.jpg b/flowers/train/63/image_05864.jpg new file mode 100644 index 00000000..c903b3a2 Binary files /dev/null and b/flowers/train/63/image_05864.jpg differ diff --git a/flowers/train/63/image_05865.jpg b/flowers/train/63/image_05865.jpg new file mode 100644 index 00000000..277d7735 Binary files /dev/null and b/flowers/train/63/image_05865.jpg differ diff --git a/flowers/train/63/image_05866.jpg b/flowers/train/63/image_05866.jpg new file mode 100644 index 00000000..50cefe9b Binary files /dev/null and b/flowers/train/63/image_05866.jpg differ diff --git a/flowers/train/63/image_05868.jpg b/flowers/train/63/image_05868.jpg new file mode 100644 index 00000000..97881b47 Binary files /dev/null and b/flowers/train/63/image_05868.jpg differ diff --git a/flowers/train/63/image_05869.jpg b/flowers/train/63/image_05869.jpg new file mode 100644 index 00000000..85d7a2ce Binary files /dev/null and b/flowers/train/63/image_05869.jpg differ diff --git a/flowers/train/63/image_05870.jpg b/flowers/train/63/image_05870.jpg new file mode 100644 index 00000000..dd144753 Binary files /dev/null and b/flowers/train/63/image_05870.jpg differ diff --git a/flowers/train/63/image_05872.jpg b/flowers/train/63/image_05872.jpg new file mode 100644 index 00000000..f501991e Binary files /dev/null and b/flowers/train/63/image_05872.jpg differ diff --git a/flowers/train/63/image_05873.jpg b/flowers/train/63/image_05873.jpg new file mode 100644 index 00000000..2910281a Binary files /dev/null and b/flowers/train/63/image_05873.jpg differ diff --git a/flowers/train/63/image_05874.jpg b/flowers/train/63/image_05874.jpg new file mode 100644 index 00000000..f81006c1 Binary files /dev/null and b/flowers/train/63/image_05874.jpg differ diff --git a/flowers/train/63/image_05877.jpg b/flowers/train/63/image_05877.jpg new file mode 100644 index 00000000..37bcfbe2 Binary files /dev/null and b/flowers/train/63/image_05877.jpg differ diff --git a/flowers/train/63/image_05879.jpg b/flowers/train/63/image_05879.jpg new file mode 100644 index 00000000..c0145a3e Binary files /dev/null and b/flowers/train/63/image_05879.jpg differ diff --git a/flowers/train/63/image_05880.jpg b/flowers/train/63/image_05880.jpg new file mode 100644 index 00000000..2ad99d4f Binary files /dev/null and b/flowers/train/63/image_05880.jpg differ diff --git a/flowers/train/63/image_05881.jpg b/flowers/train/63/image_05881.jpg new file mode 100644 index 00000000..107360c1 Binary files /dev/null and b/flowers/train/63/image_05881.jpg differ diff --git a/flowers/train/63/image_05883.jpg b/flowers/train/63/image_05883.jpg new file mode 100644 index 00000000..67f2821b Binary files /dev/null and b/flowers/train/63/image_05883.jpg differ diff --git a/flowers/train/63/image_05884.jpg b/flowers/train/63/image_05884.jpg new file mode 100644 index 00000000..201dc285 Binary files /dev/null and b/flowers/train/63/image_05884.jpg differ diff --git a/flowers/train/63/image_05885.jpg b/flowers/train/63/image_05885.jpg new file mode 100644 index 00000000..a9e538e5 Binary files /dev/null and b/flowers/train/63/image_05885.jpg differ diff --git a/flowers/train/63/image_05886.jpg b/flowers/train/63/image_05886.jpg new file mode 100644 index 00000000..acb533cd Binary files /dev/null and b/flowers/train/63/image_05886.jpg differ diff --git a/flowers/train/63/image_05887.jpg b/flowers/train/63/image_05887.jpg new file mode 100644 index 00000000..d4e22f23 Binary files /dev/null and b/flowers/train/63/image_05887.jpg differ diff --git a/flowers/train/63/image_05888.jpg b/flowers/train/63/image_05888.jpg new file mode 100644 index 00000000..252000ba Binary files /dev/null and b/flowers/train/63/image_05888.jpg differ diff --git a/flowers/train/63/image_05889.jpg b/flowers/train/63/image_05889.jpg new file mode 100644 index 00000000..3557b046 Binary files /dev/null and b/flowers/train/63/image_05889.jpg differ diff --git a/flowers/train/63/image_05891.jpg b/flowers/train/63/image_05891.jpg new file mode 100644 index 00000000..0e4a05a1 Binary files /dev/null and b/flowers/train/63/image_05891.jpg differ diff --git a/flowers/train/63/image_05892.jpg b/flowers/train/63/image_05892.jpg new file mode 100644 index 00000000..928ef3cd Binary files /dev/null and b/flowers/train/63/image_05892.jpg differ diff --git a/flowers/train/63/image_05893.jpg b/flowers/train/63/image_05893.jpg new file mode 100644 index 00000000..d71b64e7 Binary files /dev/null and b/flowers/train/63/image_05893.jpg differ diff --git a/flowers/train/63/image_05895.jpg b/flowers/train/63/image_05895.jpg new file mode 100644 index 00000000..3faed3e4 Binary files /dev/null and b/flowers/train/63/image_05895.jpg differ diff --git a/flowers/train/63/image_05896.jpg b/flowers/train/63/image_05896.jpg new file mode 100644 index 00000000..97d6eb96 Binary files /dev/null and b/flowers/train/63/image_05896.jpg differ diff --git a/flowers/train/63/image_05897.jpg b/flowers/train/63/image_05897.jpg new file mode 100644 index 00000000..766ba291 Binary files /dev/null and b/flowers/train/63/image_05897.jpg differ diff --git a/flowers/train/63/image_05899.jpg b/flowers/train/63/image_05899.jpg new file mode 100644 index 00000000..c351662c Binary files /dev/null and b/flowers/train/63/image_05899.jpg differ diff --git a/flowers/train/63/image_05900.jpg b/flowers/train/63/image_05900.jpg new file mode 100644 index 00000000..3cc91678 Binary files /dev/null and b/flowers/train/63/image_05900.jpg differ diff --git a/flowers/train/63/image_05901.jpg b/flowers/train/63/image_05901.jpg new file mode 100644 index 00000000..9c498c77 Binary files /dev/null and b/flowers/train/63/image_05901.jpg differ diff --git a/flowers/train/63/image_05902.jpg b/flowers/train/63/image_05902.jpg new file mode 100644 index 00000000..c2d9c6c7 Binary files /dev/null and b/flowers/train/63/image_05902.jpg differ diff --git a/flowers/train/64/image_06097.jpg b/flowers/train/64/image_06097.jpg new file mode 100644 index 00000000..4817cf0a Binary files /dev/null and b/flowers/train/64/image_06097.jpg differ diff --git a/flowers/train/64/image_06100.jpg b/flowers/train/64/image_06100.jpg new file mode 100644 index 00000000..cc568602 Binary files /dev/null and b/flowers/train/64/image_06100.jpg differ diff --git a/flowers/train/64/image_06101.jpg b/flowers/train/64/image_06101.jpg new file mode 100644 index 00000000..ea4e9075 Binary files /dev/null and b/flowers/train/64/image_06101.jpg differ diff --git a/flowers/train/64/image_06102.jpg b/flowers/train/64/image_06102.jpg new file mode 100644 index 00000000..151079cc Binary files /dev/null and b/flowers/train/64/image_06102.jpg differ diff --git a/flowers/train/64/image_06103.jpg b/flowers/train/64/image_06103.jpg new file mode 100644 index 00000000..fed7be01 Binary files /dev/null and b/flowers/train/64/image_06103.jpg differ diff --git a/flowers/train/64/image_06105.jpg b/flowers/train/64/image_06105.jpg new file mode 100644 index 00000000..ad4b0090 Binary files /dev/null and b/flowers/train/64/image_06105.jpg differ diff --git a/flowers/train/64/image_06106.jpg b/flowers/train/64/image_06106.jpg new file mode 100644 index 00000000..f08625a6 Binary files /dev/null and b/flowers/train/64/image_06106.jpg differ diff --git a/flowers/train/64/image_06107.jpg b/flowers/train/64/image_06107.jpg new file mode 100644 index 00000000..0b41cecd Binary files /dev/null and b/flowers/train/64/image_06107.jpg differ diff --git a/flowers/train/64/image_06108.jpg b/flowers/train/64/image_06108.jpg new file mode 100644 index 00000000..020fcaa7 Binary files /dev/null and b/flowers/train/64/image_06108.jpg differ diff --git a/flowers/train/64/image_06109.jpg b/flowers/train/64/image_06109.jpg new file mode 100644 index 00000000..58092e58 Binary files /dev/null and b/flowers/train/64/image_06109.jpg differ diff --git a/flowers/train/64/image_06110.jpg b/flowers/train/64/image_06110.jpg new file mode 100644 index 00000000..291e34cc Binary files /dev/null and b/flowers/train/64/image_06110.jpg differ diff --git a/flowers/train/64/image_06111.jpg b/flowers/train/64/image_06111.jpg new file mode 100644 index 00000000..a95ac3d9 Binary files /dev/null and b/flowers/train/64/image_06111.jpg differ diff --git a/flowers/train/64/image_06112.jpg b/flowers/train/64/image_06112.jpg new file mode 100644 index 00000000..61226fc1 Binary files /dev/null and b/flowers/train/64/image_06112.jpg differ diff --git a/flowers/train/64/image_06113.jpg b/flowers/train/64/image_06113.jpg new file mode 100644 index 00000000..183b488c Binary files /dev/null and b/flowers/train/64/image_06113.jpg differ diff --git a/flowers/train/64/image_06114.jpg b/flowers/train/64/image_06114.jpg new file mode 100644 index 00000000..c0337660 Binary files /dev/null and b/flowers/train/64/image_06114.jpg differ diff --git a/flowers/train/64/image_06115.jpg b/flowers/train/64/image_06115.jpg new file mode 100644 index 00000000..23a47383 Binary files /dev/null and b/flowers/train/64/image_06115.jpg differ diff --git a/flowers/train/64/image_06116.jpg b/flowers/train/64/image_06116.jpg new file mode 100644 index 00000000..6d77e8c6 Binary files /dev/null and b/flowers/train/64/image_06116.jpg differ diff --git a/flowers/train/64/image_06117.jpg b/flowers/train/64/image_06117.jpg new file mode 100644 index 00000000..f1bbeb9a Binary files /dev/null and b/flowers/train/64/image_06117.jpg differ diff --git a/flowers/train/64/image_06118.jpg b/flowers/train/64/image_06118.jpg new file mode 100644 index 00000000..e8d74beb Binary files /dev/null and b/flowers/train/64/image_06118.jpg differ diff --git a/flowers/train/64/image_06119.jpg b/flowers/train/64/image_06119.jpg new file mode 100644 index 00000000..7913c6b5 Binary files /dev/null and b/flowers/train/64/image_06119.jpg differ diff --git a/flowers/train/64/image_06120.jpg b/flowers/train/64/image_06120.jpg new file mode 100644 index 00000000..72553c8e Binary files /dev/null and b/flowers/train/64/image_06120.jpg differ diff --git a/flowers/train/64/image_06121.jpg b/flowers/train/64/image_06121.jpg new file mode 100644 index 00000000..9e1f566e Binary files /dev/null and b/flowers/train/64/image_06121.jpg differ diff --git a/flowers/train/64/image_06122.jpg b/flowers/train/64/image_06122.jpg new file mode 100644 index 00000000..e03ed512 Binary files /dev/null and b/flowers/train/64/image_06122.jpg differ diff --git a/flowers/train/64/image_06124.jpg b/flowers/train/64/image_06124.jpg new file mode 100644 index 00000000..f12281cd Binary files /dev/null and b/flowers/train/64/image_06124.jpg differ diff --git a/flowers/train/64/image_06125.jpg b/flowers/train/64/image_06125.jpg new file mode 100644 index 00000000..66fc039e Binary files /dev/null and b/flowers/train/64/image_06125.jpg differ diff --git a/flowers/train/64/image_06127.jpg b/flowers/train/64/image_06127.jpg new file mode 100644 index 00000000..ad959750 Binary files /dev/null and b/flowers/train/64/image_06127.jpg differ diff --git a/flowers/train/64/image_06128.jpg b/flowers/train/64/image_06128.jpg new file mode 100644 index 00000000..68e9028a Binary files /dev/null and b/flowers/train/64/image_06128.jpg differ diff --git a/flowers/train/64/image_06131.jpg b/flowers/train/64/image_06131.jpg new file mode 100644 index 00000000..174c39ea Binary files /dev/null and b/flowers/train/64/image_06131.jpg differ diff --git a/flowers/train/64/image_06132.jpg b/flowers/train/64/image_06132.jpg new file mode 100644 index 00000000..46db7a9b Binary files /dev/null and b/flowers/train/64/image_06132.jpg differ diff --git a/flowers/train/64/image_06133.jpg b/flowers/train/64/image_06133.jpg new file mode 100644 index 00000000..ce455a22 Binary files /dev/null and b/flowers/train/64/image_06133.jpg differ diff --git a/flowers/train/64/image_06135.jpg b/flowers/train/64/image_06135.jpg new file mode 100644 index 00000000..d6deeea1 Binary files /dev/null and b/flowers/train/64/image_06135.jpg differ diff --git a/flowers/train/64/image_06136.jpg b/flowers/train/64/image_06136.jpg new file mode 100644 index 00000000..2fd91d33 Binary files /dev/null and b/flowers/train/64/image_06136.jpg differ diff --git a/flowers/train/64/image_06137.jpg b/flowers/train/64/image_06137.jpg new file mode 100644 index 00000000..a0c1443c Binary files /dev/null and b/flowers/train/64/image_06137.jpg differ diff --git a/flowers/train/64/image_06139.jpg b/flowers/train/64/image_06139.jpg new file mode 100644 index 00000000..d93ca696 Binary files /dev/null and b/flowers/train/64/image_06139.jpg differ diff --git a/flowers/train/64/image_06140.jpg b/flowers/train/64/image_06140.jpg new file mode 100644 index 00000000..4571af2b Binary files /dev/null and b/flowers/train/64/image_06140.jpg differ diff --git a/flowers/train/64/image_06142.jpg b/flowers/train/64/image_06142.jpg new file mode 100644 index 00000000..51bab778 Binary files /dev/null and b/flowers/train/64/image_06142.jpg differ diff --git a/flowers/train/64/image_06143.jpg b/flowers/train/64/image_06143.jpg new file mode 100644 index 00000000..9ca7d5e3 Binary files /dev/null and b/flowers/train/64/image_06143.jpg differ diff --git a/flowers/train/64/image_06144.jpg b/flowers/train/64/image_06144.jpg new file mode 100644 index 00000000..fdd6f750 Binary files /dev/null and b/flowers/train/64/image_06144.jpg differ diff --git a/flowers/train/64/image_06145.jpg b/flowers/train/64/image_06145.jpg new file mode 100644 index 00000000..d674dd82 Binary files /dev/null and b/flowers/train/64/image_06145.jpg differ diff --git a/flowers/train/64/image_06146.jpg b/flowers/train/64/image_06146.jpg new file mode 100644 index 00000000..54460fbe Binary files /dev/null and b/flowers/train/64/image_06146.jpg differ diff --git a/flowers/train/64/image_06147.jpg b/flowers/train/64/image_06147.jpg new file mode 100644 index 00000000..1816f67f Binary files /dev/null and b/flowers/train/64/image_06147.jpg differ diff --git a/flowers/train/64/image_06148.jpg b/flowers/train/64/image_06148.jpg new file mode 100644 index 00000000..c8dbeac4 Binary files /dev/null and b/flowers/train/64/image_06148.jpg differ diff --git a/flowers/train/65/image_03182.jpg b/flowers/train/65/image_03182.jpg new file mode 100644 index 00000000..67247232 Binary files /dev/null and b/flowers/train/65/image_03182.jpg differ diff --git a/flowers/train/65/image_03183.jpg b/flowers/train/65/image_03183.jpg new file mode 100644 index 00000000..1374c75f Binary files /dev/null and b/flowers/train/65/image_03183.jpg differ diff --git a/flowers/train/65/image_03184.jpg b/flowers/train/65/image_03184.jpg new file mode 100644 index 00000000..814a45f8 Binary files /dev/null and b/flowers/train/65/image_03184.jpg differ diff --git a/flowers/train/65/image_03185.jpg b/flowers/train/65/image_03185.jpg new file mode 100644 index 00000000..a10f133a Binary files /dev/null and b/flowers/train/65/image_03185.jpg differ diff --git a/flowers/train/65/image_03186.jpg b/flowers/train/65/image_03186.jpg new file mode 100644 index 00000000..0d14e18f Binary files /dev/null and b/flowers/train/65/image_03186.jpg differ diff --git a/flowers/train/65/image_03187.jpg b/flowers/train/65/image_03187.jpg new file mode 100644 index 00000000..29648315 Binary files /dev/null and b/flowers/train/65/image_03187.jpg differ diff --git a/flowers/train/65/image_03189.jpg b/flowers/train/65/image_03189.jpg new file mode 100644 index 00000000..d1559b19 Binary files /dev/null and b/flowers/train/65/image_03189.jpg differ diff --git a/flowers/train/65/image_03190.jpg b/flowers/train/65/image_03190.jpg new file mode 100644 index 00000000..4c38336c Binary files /dev/null and b/flowers/train/65/image_03190.jpg differ diff --git a/flowers/train/65/image_03191.jpg b/flowers/train/65/image_03191.jpg new file mode 100644 index 00000000..7cb737a0 Binary files /dev/null and b/flowers/train/65/image_03191.jpg differ diff --git a/flowers/train/65/image_03192.jpg b/flowers/train/65/image_03192.jpg new file mode 100644 index 00000000..d7983d8a Binary files /dev/null and b/flowers/train/65/image_03192.jpg differ diff --git a/flowers/train/65/image_03194.jpg b/flowers/train/65/image_03194.jpg new file mode 100644 index 00000000..e2fc8a3f Binary files /dev/null and b/flowers/train/65/image_03194.jpg differ diff --git a/flowers/train/65/image_03195.jpg b/flowers/train/65/image_03195.jpg new file mode 100644 index 00000000..6132516b Binary files /dev/null and b/flowers/train/65/image_03195.jpg differ diff --git a/flowers/train/65/image_03196.jpg b/flowers/train/65/image_03196.jpg new file mode 100644 index 00000000..c8ed69f5 Binary files /dev/null and b/flowers/train/65/image_03196.jpg differ diff --git a/flowers/train/65/image_03198.jpg b/flowers/train/65/image_03198.jpg new file mode 100644 index 00000000..13429cae Binary files /dev/null and b/flowers/train/65/image_03198.jpg differ diff --git a/flowers/train/65/image_03199.jpg b/flowers/train/65/image_03199.jpg new file mode 100644 index 00000000..857a8edd Binary files /dev/null and b/flowers/train/65/image_03199.jpg differ diff --git a/flowers/train/65/image_03200.jpg b/flowers/train/65/image_03200.jpg new file mode 100644 index 00000000..c57fea4c Binary files /dev/null and b/flowers/train/65/image_03200.jpg differ diff --git a/flowers/train/65/image_03201.jpg b/flowers/train/65/image_03201.jpg new file mode 100644 index 00000000..a4bfaa21 Binary files /dev/null and b/flowers/train/65/image_03201.jpg differ diff --git a/flowers/train/65/image_03202.jpg b/flowers/train/65/image_03202.jpg new file mode 100644 index 00000000..c6c112d9 Binary files /dev/null and b/flowers/train/65/image_03202.jpg differ diff --git a/flowers/train/65/image_03203.jpg b/flowers/train/65/image_03203.jpg new file mode 100644 index 00000000..7d95d1b7 Binary files /dev/null and b/flowers/train/65/image_03203.jpg differ diff --git a/flowers/train/65/image_03204.jpg b/flowers/train/65/image_03204.jpg new file mode 100644 index 00000000..60991754 Binary files /dev/null and b/flowers/train/65/image_03204.jpg differ diff --git a/flowers/train/65/image_03205.jpg b/flowers/train/65/image_03205.jpg new file mode 100644 index 00000000..a8eeca1a Binary files /dev/null and b/flowers/train/65/image_03205.jpg differ diff --git a/flowers/train/65/image_03206.jpg b/flowers/train/65/image_03206.jpg new file mode 100644 index 00000000..e2e92146 Binary files /dev/null and b/flowers/train/65/image_03206.jpg differ diff --git a/flowers/train/65/image_03207.jpg b/flowers/train/65/image_03207.jpg new file mode 100644 index 00000000..893dabc4 Binary files /dev/null and b/flowers/train/65/image_03207.jpg differ diff --git a/flowers/train/65/image_03208.jpg b/flowers/train/65/image_03208.jpg new file mode 100644 index 00000000..73efa80d Binary files /dev/null and b/flowers/train/65/image_03208.jpg differ diff --git a/flowers/train/65/image_03209.jpg b/flowers/train/65/image_03209.jpg new file mode 100644 index 00000000..3d078a6d Binary files /dev/null and b/flowers/train/65/image_03209.jpg differ diff --git a/flowers/train/65/image_03210.jpg b/flowers/train/65/image_03210.jpg new file mode 100644 index 00000000..b3b883c5 Binary files /dev/null and b/flowers/train/65/image_03210.jpg differ diff --git a/flowers/train/65/image_03212.jpg b/flowers/train/65/image_03212.jpg new file mode 100644 index 00000000..bb2712ed Binary files /dev/null and b/flowers/train/65/image_03212.jpg differ diff --git a/flowers/train/65/image_03213.jpg b/flowers/train/65/image_03213.jpg new file mode 100644 index 00000000..48fd5890 Binary files /dev/null and b/flowers/train/65/image_03213.jpg differ diff --git a/flowers/train/65/image_03214.jpg b/flowers/train/65/image_03214.jpg new file mode 100644 index 00000000..3d10a3cf Binary files /dev/null and b/flowers/train/65/image_03214.jpg differ diff --git a/flowers/train/65/image_03215.jpg b/flowers/train/65/image_03215.jpg new file mode 100644 index 00000000..a996adc4 Binary files /dev/null and b/flowers/train/65/image_03215.jpg differ diff --git a/flowers/train/65/image_03216.jpg b/flowers/train/65/image_03216.jpg new file mode 100644 index 00000000..330bf893 Binary files /dev/null and b/flowers/train/65/image_03216.jpg differ diff --git a/flowers/train/65/image_03217.jpg b/flowers/train/65/image_03217.jpg new file mode 100644 index 00000000..08476600 Binary files /dev/null and b/flowers/train/65/image_03217.jpg differ diff --git a/flowers/train/65/image_03218.jpg b/flowers/train/65/image_03218.jpg new file mode 100644 index 00000000..e221fa06 Binary files /dev/null and b/flowers/train/65/image_03218.jpg differ diff --git a/flowers/train/65/image_03219.jpg b/flowers/train/65/image_03219.jpg new file mode 100644 index 00000000..28d2155d Binary files /dev/null and b/flowers/train/65/image_03219.jpg differ diff --git a/flowers/train/65/image_03220.jpg b/flowers/train/65/image_03220.jpg new file mode 100644 index 00000000..f042bce8 Binary files /dev/null and b/flowers/train/65/image_03220.jpg differ diff --git a/flowers/train/65/image_03221.jpg b/flowers/train/65/image_03221.jpg new file mode 100644 index 00000000..147073f1 Binary files /dev/null and b/flowers/train/65/image_03221.jpg differ diff --git a/flowers/train/65/image_03223.jpg b/flowers/train/65/image_03223.jpg new file mode 100644 index 00000000..81f4a96f Binary files /dev/null and b/flowers/train/65/image_03223.jpg differ diff --git a/flowers/train/65/image_03225.jpg b/flowers/train/65/image_03225.jpg new file mode 100644 index 00000000..148d1b25 Binary files /dev/null and b/flowers/train/65/image_03225.jpg differ diff --git a/flowers/train/65/image_03226.jpg b/flowers/train/65/image_03226.jpg new file mode 100644 index 00000000..37e46d53 Binary files /dev/null and b/flowers/train/65/image_03226.jpg differ diff --git a/flowers/train/65/image_03227.jpg b/flowers/train/65/image_03227.jpg new file mode 100644 index 00000000..fe027e76 Binary files /dev/null and b/flowers/train/65/image_03227.jpg differ diff --git a/flowers/train/65/image_03228.jpg b/flowers/train/65/image_03228.jpg new file mode 100644 index 00000000..d777652f Binary files /dev/null and b/flowers/train/65/image_03228.jpg differ diff --git a/flowers/train/65/image_03229.jpg b/flowers/train/65/image_03229.jpg new file mode 100644 index 00000000..568996f2 Binary files /dev/null and b/flowers/train/65/image_03229.jpg differ diff --git a/flowers/train/65/image_03230.jpg b/flowers/train/65/image_03230.jpg new file mode 100644 index 00000000..a77cf12d Binary files /dev/null and b/flowers/train/65/image_03230.jpg differ diff --git a/flowers/train/65/image_03231.jpg b/flowers/train/65/image_03231.jpg new file mode 100644 index 00000000..d618f063 Binary files /dev/null and b/flowers/train/65/image_03231.jpg differ diff --git a/flowers/train/65/image_03232.jpg b/flowers/train/65/image_03232.jpg new file mode 100644 index 00000000..13fec7ad Binary files /dev/null and b/flowers/train/65/image_03232.jpg differ diff --git a/flowers/train/65/image_03233.jpg b/flowers/train/65/image_03233.jpg new file mode 100644 index 00000000..2ab3494e Binary files /dev/null and b/flowers/train/65/image_03233.jpg differ diff --git a/flowers/train/65/image_03234.jpg b/flowers/train/65/image_03234.jpg new file mode 100644 index 00000000..8260509c Binary files /dev/null and b/flowers/train/65/image_03234.jpg differ diff --git a/flowers/train/65/image_03235.jpg b/flowers/train/65/image_03235.jpg new file mode 100644 index 00000000..f8abf62f Binary files /dev/null and b/flowers/train/65/image_03235.jpg differ diff --git a/flowers/train/65/image_03236.jpg b/flowers/train/65/image_03236.jpg new file mode 100644 index 00000000..b74f7eaa Binary files /dev/null and b/flowers/train/65/image_03236.jpg differ diff --git a/flowers/train/65/image_03237.jpg b/flowers/train/65/image_03237.jpg new file mode 100644 index 00000000..8a1611cc Binary files /dev/null and b/flowers/train/65/image_03237.jpg differ diff --git a/flowers/train/65/image_03238.jpg b/flowers/train/65/image_03238.jpg new file mode 100644 index 00000000..baae5c27 Binary files /dev/null and b/flowers/train/65/image_03238.jpg differ diff --git a/flowers/train/65/image_03239.jpg b/flowers/train/65/image_03239.jpg new file mode 100644 index 00000000..39ca2066 Binary files /dev/null and b/flowers/train/65/image_03239.jpg differ diff --git a/flowers/train/65/image_03240.jpg b/flowers/train/65/image_03240.jpg new file mode 100644 index 00000000..4351d5e8 Binary files /dev/null and b/flowers/train/65/image_03240.jpg differ diff --git a/flowers/train/65/image_03242.jpg b/flowers/train/65/image_03242.jpg new file mode 100644 index 00000000..b86a2b7e Binary files /dev/null and b/flowers/train/65/image_03242.jpg differ diff --git a/flowers/train/65/image_03244.jpg b/flowers/train/65/image_03244.jpg new file mode 100644 index 00000000..7c20ea49 Binary files /dev/null and b/flowers/train/65/image_03244.jpg differ diff --git a/flowers/train/65/image_03245.jpg b/flowers/train/65/image_03245.jpg new file mode 100644 index 00000000..49068ca1 Binary files /dev/null and b/flowers/train/65/image_03245.jpg differ diff --git a/flowers/train/65/image_03246.jpg b/flowers/train/65/image_03246.jpg new file mode 100644 index 00000000..73b4080b Binary files /dev/null and b/flowers/train/65/image_03246.jpg differ diff --git a/flowers/train/65/image_03247.jpg b/flowers/train/65/image_03247.jpg new file mode 100644 index 00000000..2aa16130 Binary files /dev/null and b/flowers/train/65/image_03247.jpg differ diff --git a/flowers/train/65/image_03248.jpg b/flowers/train/65/image_03248.jpg new file mode 100644 index 00000000..8d11d524 Binary files /dev/null and b/flowers/train/65/image_03248.jpg differ diff --git a/flowers/train/65/image_03249.jpg b/flowers/train/65/image_03249.jpg new file mode 100644 index 00000000..656d71ba Binary files /dev/null and b/flowers/train/65/image_03249.jpg differ diff --git a/flowers/train/65/image_03251.jpg b/flowers/train/65/image_03251.jpg new file mode 100644 index 00000000..4116f811 Binary files /dev/null and b/flowers/train/65/image_03251.jpg differ diff --git a/flowers/train/65/image_03253.jpg b/flowers/train/65/image_03253.jpg new file mode 100644 index 00000000..99a60059 Binary files /dev/null and b/flowers/train/65/image_03253.jpg differ diff --git a/flowers/train/65/image_03254.jpg b/flowers/train/65/image_03254.jpg new file mode 100644 index 00000000..6bdd5346 Binary files /dev/null and b/flowers/train/65/image_03254.jpg differ diff --git a/flowers/train/65/image_03255.jpg b/flowers/train/65/image_03255.jpg new file mode 100644 index 00000000..01d380f0 Binary files /dev/null and b/flowers/train/65/image_03255.jpg differ diff --git a/flowers/train/65/image_03256.jpg b/flowers/train/65/image_03256.jpg new file mode 100644 index 00000000..4370cbe1 Binary files /dev/null and b/flowers/train/65/image_03256.jpg differ diff --git a/flowers/train/65/image_03257.jpg b/flowers/train/65/image_03257.jpg new file mode 100644 index 00000000..d772c53d Binary files /dev/null and b/flowers/train/65/image_03257.jpg differ diff --git a/flowers/train/65/image_03259.jpg b/flowers/train/65/image_03259.jpg new file mode 100644 index 00000000..9620b3b2 Binary files /dev/null and b/flowers/train/65/image_03259.jpg differ diff --git a/flowers/train/65/image_03260.jpg b/flowers/train/65/image_03260.jpg new file mode 100644 index 00000000..83e2d4d7 Binary files /dev/null and b/flowers/train/65/image_03260.jpg differ diff --git a/flowers/train/65/image_03261.jpg b/flowers/train/65/image_03261.jpg new file mode 100644 index 00000000..3a761531 Binary files /dev/null and b/flowers/train/65/image_03261.jpg differ diff --git a/flowers/train/65/image_03262.jpg b/flowers/train/65/image_03262.jpg new file mode 100644 index 00000000..c486643b Binary files /dev/null and b/flowers/train/65/image_03262.jpg differ diff --git a/flowers/train/65/image_03263.jpg b/flowers/train/65/image_03263.jpg new file mode 100644 index 00000000..f6cfd724 Binary files /dev/null and b/flowers/train/65/image_03263.jpg differ diff --git a/flowers/train/65/image_03264.jpg b/flowers/train/65/image_03264.jpg new file mode 100644 index 00000000..f8f69c37 Binary files /dev/null and b/flowers/train/65/image_03264.jpg differ diff --git a/flowers/train/65/image_03265.jpg b/flowers/train/65/image_03265.jpg new file mode 100644 index 00000000..8bdcc81a Binary files /dev/null and b/flowers/train/65/image_03265.jpg differ diff --git a/flowers/train/65/image_03266.jpg b/flowers/train/65/image_03266.jpg new file mode 100644 index 00000000..5f8f7cf0 Binary files /dev/null and b/flowers/train/65/image_03266.jpg differ diff --git a/flowers/train/65/image_03267.jpg b/flowers/train/65/image_03267.jpg new file mode 100644 index 00000000..b256d354 Binary files /dev/null and b/flowers/train/65/image_03267.jpg differ diff --git a/flowers/train/65/image_03268.jpg b/flowers/train/65/image_03268.jpg new file mode 100644 index 00000000..6268f22c Binary files /dev/null and b/flowers/train/65/image_03268.jpg differ diff --git a/flowers/train/65/image_03270.jpg b/flowers/train/65/image_03270.jpg new file mode 100644 index 00000000..b05ac373 Binary files /dev/null and b/flowers/train/65/image_03270.jpg differ diff --git a/flowers/train/65/image_03271.jpg b/flowers/train/65/image_03271.jpg new file mode 100644 index 00000000..9f1fe60c Binary files /dev/null and b/flowers/train/65/image_03271.jpg differ diff --git a/flowers/train/65/image_03272.jpg b/flowers/train/65/image_03272.jpg new file mode 100644 index 00000000..a4b3cdb2 Binary files /dev/null and b/flowers/train/65/image_03272.jpg differ diff --git a/flowers/train/65/image_03273.jpg b/flowers/train/65/image_03273.jpg new file mode 100644 index 00000000..bb158888 Binary files /dev/null and b/flowers/train/65/image_03273.jpg differ diff --git a/flowers/train/65/image_03274.jpg b/flowers/train/65/image_03274.jpg new file mode 100644 index 00000000..2d32b1ed Binary files /dev/null and b/flowers/train/65/image_03274.jpg differ diff --git a/flowers/train/65/image_03275.jpg b/flowers/train/65/image_03275.jpg new file mode 100644 index 00000000..0dd6f098 Binary files /dev/null and b/flowers/train/65/image_03275.jpg differ diff --git a/flowers/train/65/image_03277.jpg b/flowers/train/65/image_03277.jpg new file mode 100644 index 00000000..927e0a33 Binary files /dev/null and b/flowers/train/65/image_03277.jpg differ diff --git a/flowers/train/65/image_03278.jpg b/flowers/train/65/image_03278.jpg new file mode 100644 index 00000000..2dae6a15 Binary files /dev/null and b/flowers/train/65/image_03278.jpg differ diff --git a/flowers/train/65/image_03280.jpg b/flowers/train/65/image_03280.jpg new file mode 100644 index 00000000..74381bdb Binary files /dev/null and b/flowers/train/65/image_03280.jpg differ diff --git a/flowers/train/65/image_03281.jpg b/flowers/train/65/image_03281.jpg new file mode 100644 index 00000000..e27a66c0 Binary files /dev/null and b/flowers/train/65/image_03281.jpg differ diff --git a/flowers/train/65/image_03282.jpg b/flowers/train/65/image_03282.jpg new file mode 100644 index 00000000..4dfa2d3d Binary files /dev/null and b/flowers/train/65/image_03282.jpg differ diff --git a/flowers/train/65/image_03283.jpg b/flowers/train/65/image_03283.jpg new file mode 100644 index 00000000..39ade633 Binary files /dev/null and b/flowers/train/65/image_03283.jpg differ diff --git a/flowers/train/66/image_05523.jpg b/flowers/train/66/image_05523.jpg new file mode 100644 index 00000000..6ff8b71b Binary files /dev/null and b/flowers/train/66/image_05523.jpg differ diff --git a/flowers/train/66/image_05524.jpg b/flowers/train/66/image_05524.jpg new file mode 100644 index 00000000..380dbd11 Binary files /dev/null and b/flowers/train/66/image_05524.jpg differ diff --git a/flowers/train/66/image_05525.jpg b/flowers/train/66/image_05525.jpg new file mode 100644 index 00000000..d2c52fd3 Binary files /dev/null and b/flowers/train/66/image_05525.jpg differ diff --git a/flowers/train/66/image_05526.jpg b/flowers/train/66/image_05526.jpg new file mode 100644 index 00000000..b3079318 Binary files /dev/null and b/flowers/train/66/image_05526.jpg differ diff --git a/flowers/train/66/image_05527.jpg b/flowers/train/66/image_05527.jpg new file mode 100644 index 00000000..fe1a1b04 Binary files /dev/null and b/flowers/train/66/image_05527.jpg differ diff --git a/flowers/train/66/image_05528.jpg b/flowers/train/66/image_05528.jpg new file mode 100644 index 00000000..9c094082 Binary files /dev/null and b/flowers/train/66/image_05528.jpg differ diff --git a/flowers/train/66/image_05529.jpg b/flowers/train/66/image_05529.jpg new file mode 100644 index 00000000..959e97e4 Binary files /dev/null and b/flowers/train/66/image_05529.jpg differ diff --git a/flowers/train/66/image_05530.jpg b/flowers/train/66/image_05530.jpg new file mode 100644 index 00000000..f5091789 Binary files /dev/null and b/flowers/train/66/image_05530.jpg differ diff --git a/flowers/train/66/image_05531.jpg b/flowers/train/66/image_05531.jpg new file mode 100644 index 00000000..b5e0ff25 Binary files /dev/null and b/flowers/train/66/image_05531.jpg differ diff --git a/flowers/train/66/image_05532.jpg b/flowers/train/66/image_05532.jpg new file mode 100644 index 00000000..3bb6f2f7 Binary files /dev/null and b/flowers/train/66/image_05532.jpg differ diff --git a/flowers/train/66/image_05533.jpg b/flowers/train/66/image_05533.jpg new file mode 100644 index 00000000..6efad6ec Binary files /dev/null and b/flowers/train/66/image_05533.jpg differ diff --git a/flowers/train/66/image_05534.jpg b/flowers/train/66/image_05534.jpg new file mode 100644 index 00000000..385e6a29 Binary files /dev/null and b/flowers/train/66/image_05534.jpg differ diff --git a/flowers/train/66/image_05535.jpg b/flowers/train/66/image_05535.jpg new file mode 100644 index 00000000..057c82dd Binary files /dev/null and b/flowers/train/66/image_05535.jpg differ diff --git a/flowers/train/66/image_05536.jpg b/flowers/train/66/image_05536.jpg new file mode 100644 index 00000000..e9ff0351 Binary files /dev/null and b/flowers/train/66/image_05536.jpg differ diff --git a/flowers/train/66/image_05538.jpg b/flowers/train/66/image_05538.jpg new file mode 100644 index 00000000..ab60e2a2 Binary files /dev/null and b/flowers/train/66/image_05538.jpg differ diff --git a/flowers/train/66/image_05539.jpg b/flowers/train/66/image_05539.jpg new file mode 100644 index 00000000..80daea59 Binary files /dev/null and b/flowers/train/66/image_05539.jpg differ diff --git a/flowers/train/66/image_05540.jpg b/flowers/train/66/image_05540.jpg new file mode 100644 index 00000000..efdaf61e Binary files /dev/null and b/flowers/train/66/image_05540.jpg differ diff --git a/flowers/train/66/image_05541.jpg b/flowers/train/66/image_05541.jpg new file mode 100644 index 00000000..2d93cfad Binary files /dev/null and b/flowers/train/66/image_05541.jpg differ diff --git a/flowers/train/66/image_05542.jpg b/flowers/train/66/image_05542.jpg new file mode 100644 index 00000000..7139a54d Binary files /dev/null and b/flowers/train/66/image_05542.jpg differ diff --git a/flowers/train/66/image_05543.jpg b/flowers/train/66/image_05543.jpg new file mode 100644 index 00000000..392dc597 Binary files /dev/null and b/flowers/train/66/image_05543.jpg differ diff --git a/flowers/train/66/image_05544.jpg b/flowers/train/66/image_05544.jpg new file mode 100644 index 00000000..a4a6ba26 Binary files /dev/null and b/flowers/train/66/image_05544.jpg differ diff --git a/flowers/train/66/image_05545.jpg b/flowers/train/66/image_05545.jpg new file mode 100644 index 00000000..e69f3ffb Binary files /dev/null and b/flowers/train/66/image_05545.jpg differ diff --git a/flowers/train/66/image_05546.jpg b/flowers/train/66/image_05546.jpg new file mode 100644 index 00000000..6ac67b2e Binary files /dev/null and b/flowers/train/66/image_05546.jpg differ diff --git a/flowers/train/66/image_05547.jpg b/flowers/train/66/image_05547.jpg new file mode 100644 index 00000000..afef6ef7 Binary files /dev/null and b/flowers/train/66/image_05547.jpg differ diff --git a/flowers/train/66/image_05548.jpg b/flowers/train/66/image_05548.jpg new file mode 100644 index 00000000..f5c8fad3 Binary files /dev/null and b/flowers/train/66/image_05548.jpg differ diff --git a/flowers/train/66/image_05550.jpg b/flowers/train/66/image_05550.jpg new file mode 100644 index 00000000..9a7849e2 Binary files /dev/null and b/flowers/train/66/image_05550.jpg differ diff --git a/flowers/train/66/image_05551.jpg b/flowers/train/66/image_05551.jpg new file mode 100644 index 00000000..5224a0e2 Binary files /dev/null and b/flowers/train/66/image_05551.jpg differ diff --git a/flowers/train/66/image_05552.jpg b/flowers/train/66/image_05552.jpg new file mode 100644 index 00000000..cde44160 Binary files /dev/null and b/flowers/train/66/image_05552.jpg differ diff --git a/flowers/train/66/image_05553.jpg b/flowers/train/66/image_05553.jpg new file mode 100644 index 00000000..1c4803dd Binary files /dev/null and b/flowers/train/66/image_05553.jpg differ diff --git a/flowers/train/66/image_05554.jpg b/flowers/train/66/image_05554.jpg new file mode 100644 index 00000000..ed644464 Binary files /dev/null and b/flowers/train/66/image_05554.jpg differ diff --git a/flowers/train/66/image_05555.jpg b/flowers/train/66/image_05555.jpg new file mode 100644 index 00000000..3199c2c8 Binary files /dev/null and b/flowers/train/66/image_05555.jpg differ diff --git a/flowers/train/66/image_05556.jpg b/flowers/train/66/image_05556.jpg new file mode 100644 index 00000000..8e9506b0 Binary files /dev/null and b/flowers/train/66/image_05556.jpg differ diff --git a/flowers/train/66/image_05557.jpg b/flowers/train/66/image_05557.jpg new file mode 100644 index 00000000..cbf7e408 Binary files /dev/null and b/flowers/train/66/image_05557.jpg differ diff --git a/flowers/train/66/image_05558.jpg b/flowers/train/66/image_05558.jpg new file mode 100644 index 00000000..0d05fa56 Binary files /dev/null and b/flowers/train/66/image_05558.jpg differ diff --git a/flowers/train/66/image_05561.jpg b/flowers/train/66/image_05561.jpg new file mode 100644 index 00000000..dd60214b Binary files /dev/null and b/flowers/train/66/image_05561.jpg differ diff --git a/flowers/train/66/image_05564.jpg b/flowers/train/66/image_05564.jpg new file mode 100644 index 00000000..c0e49f54 Binary files /dev/null and b/flowers/train/66/image_05564.jpg differ diff --git a/flowers/train/66/image_05566.jpg b/flowers/train/66/image_05566.jpg new file mode 100644 index 00000000..c4e83ca6 Binary files /dev/null and b/flowers/train/66/image_05566.jpg differ diff --git a/flowers/train/66/image_05567.jpg b/flowers/train/66/image_05567.jpg new file mode 100644 index 00000000..6f45869a Binary files /dev/null and b/flowers/train/66/image_05567.jpg differ diff --git a/flowers/train/66/image_05568.jpg b/flowers/train/66/image_05568.jpg new file mode 100644 index 00000000..9414ac34 Binary files /dev/null and b/flowers/train/66/image_05568.jpg differ diff --git a/flowers/train/66/image_05569.jpg b/flowers/train/66/image_05569.jpg new file mode 100644 index 00000000..939a057f Binary files /dev/null and b/flowers/train/66/image_05569.jpg differ diff --git a/flowers/train/66/image_05570.jpg b/flowers/train/66/image_05570.jpg new file mode 100644 index 00000000..3304b7c6 Binary files /dev/null and b/flowers/train/66/image_05570.jpg differ diff --git a/flowers/train/66/image_05571.jpg b/flowers/train/66/image_05571.jpg new file mode 100644 index 00000000..ca8b4d71 Binary files /dev/null and b/flowers/train/66/image_05571.jpg differ diff --git a/flowers/train/66/image_05572.jpg b/flowers/train/66/image_05572.jpg new file mode 100644 index 00000000..46016ada Binary files /dev/null and b/flowers/train/66/image_05572.jpg differ diff --git a/flowers/train/66/image_05573.jpg b/flowers/train/66/image_05573.jpg new file mode 100644 index 00000000..4b64ddbf Binary files /dev/null and b/flowers/train/66/image_05573.jpg differ diff --git a/flowers/train/66/image_05574.jpg b/flowers/train/66/image_05574.jpg new file mode 100644 index 00000000..afcb3ad5 Binary files /dev/null and b/flowers/train/66/image_05574.jpg differ diff --git a/flowers/train/66/image_05575.jpg b/flowers/train/66/image_05575.jpg new file mode 100644 index 00000000..740bcc87 Binary files /dev/null and b/flowers/train/66/image_05575.jpg differ diff --git a/flowers/train/66/image_05576.jpg b/flowers/train/66/image_05576.jpg new file mode 100644 index 00000000..f1fff99c Binary files /dev/null and b/flowers/train/66/image_05576.jpg differ diff --git a/flowers/train/66/image_05578.jpg b/flowers/train/66/image_05578.jpg new file mode 100644 index 00000000..bd2be15e Binary files /dev/null and b/flowers/train/66/image_05578.jpg differ diff --git a/flowers/train/66/image_05580.jpg b/flowers/train/66/image_05580.jpg new file mode 100644 index 00000000..0ec7b3d2 Binary files /dev/null and b/flowers/train/66/image_05580.jpg differ diff --git a/flowers/train/66/image_05581.jpg b/flowers/train/66/image_05581.jpg new file mode 100644 index 00000000..58af60d6 Binary files /dev/null and b/flowers/train/66/image_05581.jpg differ diff --git a/flowers/train/66/image_05583.jpg b/flowers/train/66/image_05583.jpg new file mode 100644 index 00000000..71d7ecf1 Binary files /dev/null and b/flowers/train/66/image_05583.jpg differ diff --git a/flowers/train/67/image_07046.jpg b/flowers/train/67/image_07046.jpg new file mode 100644 index 00000000..d4fec3e7 Binary files /dev/null and b/flowers/train/67/image_07046.jpg differ diff --git a/flowers/train/67/image_07047.jpg b/flowers/train/67/image_07047.jpg new file mode 100644 index 00000000..1d073cc0 Binary files /dev/null and b/flowers/train/67/image_07047.jpg differ diff --git a/flowers/train/67/image_07048.jpg b/flowers/train/67/image_07048.jpg new file mode 100644 index 00000000..0d4926a6 Binary files /dev/null and b/flowers/train/67/image_07048.jpg differ diff --git a/flowers/train/67/image_07049.jpg b/flowers/train/67/image_07049.jpg new file mode 100644 index 00000000..c98f8ed2 Binary files /dev/null and b/flowers/train/67/image_07049.jpg differ diff --git a/flowers/train/67/image_07050.jpg b/flowers/train/67/image_07050.jpg new file mode 100644 index 00000000..32c96606 Binary files /dev/null and b/flowers/train/67/image_07050.jpg differ diff --git a/flowers/train/67/image_07051.jpg b/flowers/train/67/image_07051.jpg new file mode 100644 index 00000000..d9dc0007 Binary files /dev/null and b/flowers/train/67/image_07051.jpg differ diff --git a/flowers/train/67/image_07052.jpg b/flowers/train/67/image_07052.jpg new file mode 100644 index 00000000..ca049d44 Binary files /dev/null and b/flowers/train/67/image_07052.jpg differ diff --git a/flowers/train/67/image_07053.jpg b/flowers/train/67/image_07053.jpg new file mode 100644 index 00000000..5e237b0d Binary files /dev/null and b/flowers/train/67/image_07053.jpg differ diff --git a/flowers/train/67/image_07054.jpg b/flowers/train/67/image_07054.jpg new file mode 100644 index 00000000..b896c765 Binary files /dev/null and b/flowers/train/67/image_07054.jpg differ diff --git a/flowers/train/67/image_07055.jpg b/flowers/train/67/image_07055.jpg new file mode 100644 index 00000000..8bc45c4a Binary files /dev/null and b/flowers/train/67/image_07055.jpg differ diff --git a/flowers/train/67/image_07057.jpg b/flowers/train/67/image_07057.jpg new file mode 100644 index 00000000..ac84e2e5 Binary files /dev/null and b/flowers/train/67/image_07057.jpg differ diff --git a/flowers/train/67/image_07058.jpg b/flowers/train/67/image_07058.jpg new file mode 100644 index 00000000..626b72b5 Binary files /dev/null and b/flowers/train/67/image_07058.jpg differ diff --git a/flowers/train/67/image_07059.jpg b/flowers/train/67/image_07059.jpg new file mode 100644 index 00000000..f47df9b6 Binary files /dev/null and b/flowers/train/67/image_07059.jpg differ diff --git a/flowers/train/67/image_07060.jpg b/flowers/train/67/image_07060.jpg new file mode 100644 index 00000000..a93b22a9 Binary files /dev/null and b/flowers/train/67/image_07060.jpg differ diff --git a/flowers/train/67/image_07061.jpg b/flowers/train/67/image_07061.jpg new file mode 100644 index 00000000..5aa2e929 Binary files /dev/null and b/flowers/train/67/image_07061.jpg differ diff --git a/flowers/train/67/image_07062.jpg b/flowers/train/67/image_07062.jpg new file mode 100644 index 00000000..5d11591a Binary files /dev/null and b/flowers/train/67/image_07062.jpg differ diff --git a/flowers/train/67/image_07063.jpg b/flowers/train/67/image_07063.jpg new file mode 100644 index 00000000..111d2662 Binary files /dev/null and b/flowers/train/67/image_07063.jpg differ diff --git a/flowers/train/67/image_07064.jpg b/flowers/train/67/image_07064.jpg new file mode 100644 index 00000000..c824c03f Binary files /dev/null and b/flowers/train/67/image_07064.jpg differ diff --git a/flowers/train/67/image_07065.jpg b/flowers/train/67/image_07065.jpg new file mode 100644 index 00000000..c2b17f8a Binary files /dev/null and b/flowers/train/67/image_07065.jpg differ diff --git a/flowers/train/67/image_07066.jpg b/flowers/train/67/image_07066.jpg new file mode 100644 index 00000000..c5a4034b Binary files /dev/null and b/flowers/train/67/image_07066.jpg differ diff --git a/flowers/train/67/image_07067.jpg b/flowers/train/67/image_07067.jpg new file mode 100644 index 00000000..623e54b8 Binary files /dev/null and b/flowers/train/67/image_07067.jpg differ diff --git a/flowers/train/67/image_07068.jpg b/flowers/train/67/image_07068.jpg new file mode 100644 index 00000000..ed45fb38 Binary files /dev/null and b/flowers/train/67/image_07068.jpg differ diff --git a/flowers/train/67/image_07069.jpg b/flowers/train/67/image_07069.jpg new file mode 100644 index 00000000..17a27f89 Binary files /dev/null and b/flowers/train/67/image_07069.jpg differ diff --git a/flowers/train/67/image_07070.jpg b/flowers/train/67/image_07070.jpg new file mode 100644 index 00000000..03046eae Binary files /dev/null and b/flowers/train/67/image_07070.jpg differ diff --git a/flowers/train/67/image_07071.jpg b/flowers/train/67/image_07071.jpg new file mode 100644 index 00000000..9f696e05 Binary files /dev/null and b/flowers/train/67/image_07071.jpg differ diff --git a/flowers/train/67/image_07072.jpg b/flowers/train/67/image_07072.jpg new file mode 100644 index 00000000..adf43440 Binary files /dev/null and b/flowers/train/67/image_07072.jpg differ diff --git a/flowers/train/67/image_07073.jpg b/flowers/train/67/image_07073.jpg new file mode 100644 index 00000000..d33515f0 Binary files /dev/null and b/flowers/train/67/image_07073.jpg differ diff --git a/flowers/train/67/image_07074.jpg b/flowers/train/67/image_07074.jpg new file mode 100644 index 00000000..bc8c8f07 Binary files /dev/null and b/flowers/train/67/image_07074.jpg differ diff --git a/flowers/train/67/image_07076.jpg b/flowers/train/67/image_07076.jpg new file mode 100644 index 00000000..b54a2628 Binary files /dev/null and b/flowers/train/67/image_07076.jpg differ diff --git a/flowers/train/67/image_07077.jpg b/flowers/train/67/image_07077.jpg new file mode 100644 index 00000000..bf0e06ba Binary files /dev/null and b/flowers/train/67/image_07077.jpg differ diff --git a/flowers/train/67/image_07078.jpg b/flowers/train/67/image_07078.jpg new file mode 100644 index 00000000..d562a17f Binary files /dev/null and b/flowers/train/67/image_07078.jpg differ diff --git a/flowers/train/67/image_07081.jpg b/flowers/train/67/image_07081.jpg new file mode 100644 index 00000000..f49ef2e3 Binary files /dev/null and b/flowers/train/67/image_07081.jpg differ diff --git a/flowers/train/67/image_07084.jpg b/flowers/train/67/image_07084.jpg new file mode 100644 index 00000000..c915e19f Binary files /dev/null and b/flowers/train/67/image_07084.jpg differ diff --git a/flowers/train/67/image_07085.jpg b/flowers/train/67/image_07085.jpg new file mode 100644 index 00000000..2adc7648 Binary files /dev/null and b/flowers/train/67/image_07085.jpg differ diff --git a/flowers/train/67/image_08078.jpg b/flowers/train/67/image_08078.jpg new file mode 100644 index 00000000..b90b1db1 Binary files /dev/null and b/flowers/train/67/image_08078.jpg differ diff --git a/flowers/train/67/image_08079.jpg b/flowers/train/67/image_08079.jpg new file mode 100644 index 00000000..17088e02 Binary files /dev/null and b/flowers/train/67/image_08079.jpg differ diff --git a/flowers/train/68/image_05905.jpg b/flowers/train/68/image_05905.jpg new file mode 100644 index 00000000..075eedd8 Binary files /dev/null and b/flowers/train/68/image_05905.jpg differ diff --git a/flowers/train/68/image_05906.jpg b/flowers/train/68/image_05906.jpg new file mode 100644 index 00000000..af842d91 Binary files /dev/null and b/flowers/train/68/image_05906.jpg differ diff --git a/flowers/train/68/image_05907.jpg b/flowers/train/68/image_05907.jpg new file mode 100644 index 00000000..9e533dd5 Binary files /dev/null and b/flowers/train/68/image_05907.jpg differ diff --git a/flowers/train/68/image_05909.jpg b/flowers/train/68/image_05909.jpg new file mode 100644 index 00000000..551bd804 Binary files /dev/null and b/flowers/train/68/image_05909.jpg differ diff --git a/flowers/train/68/image_05910.jpg b/flowers/train/68/image_05910.jpg new file mode 100644 index 00000000..3f5b117b Binary files /dev/null and b/flowers/train/68/image_05910.jpg differ diff --git a/flowers/train/68/image_05911.jpg b/flowers/train/68/image_05911.jpg new file mode 100644 index 00000000..ca1ff374 Binary files /dev/null and b/flowers/train/68/image_05911.jpg differ diff --git a/flowers/train/68/image_05912.jpg b/flowers/train/68/image_05912.jpg new file mode 100644 index 00000000..1bdf994b Binary files /dev/null and b/flowers/train/68/image_05912.jpg differ diff --git a/flowers/train/68/image_05913.jpg b/flowers/train/68/image_05913.jpg new file mode 100644 index 00000000..35d655fe Binary files /dev/null and b/flowers/train/68/image_05913.jpg differ diff --git a/flowers/train/68/image_05914.jpg b/flowers/train/68/image_05914.jpg new file mode 100644 index 00000000..bb89a33b Binary files /dev/null and b/flowers/train/68/image_05914.jpg differ diff --git a/flowers/train/68/image_05917.jpg b/flowers/train/68/image_05917.jpg new file mode 100644 index 00000000..4b0484e0 Binary files /dev/null and b/flowers/train/68/image_05917.jpg differ diff --git a/flowers/train/68/image_05918.jpg b/flowers/train/68/image_05918.jpg new file mode 100644 index 00000000..684a81c2 Binary files /dev/null and b/flowers/train/68/image_05918.jpg differ diff --git a/flowers/train/68/image_05920.jpg b/flowers/train/68/image_05920.jpg new file mode 100644 index 00000000..87c554b1 Binary files /dev/null and b/flowers/train/68/image_05920.jpg differ diff --git a/flowers/train/68/image_05921.jpg b/flowers/train/68/image_05921.jpg new file mode 100644 index 00000000..b7ab6836 Binary files /dev/null and b/flowers/train/68/image_05921.jpg differ diff --git a/flowers/train/68/image_05922.jpg b/flowers/train/68/image_05922.jpg new file mode 100644 index 00000000..1cf57b29 Binary files /dev/null and b/flowers/train/68/image_05922.jpg differ diff --git a/flowers/train/68/image_05923.jpg b/flowers/train/68/image_05923.jpg new file mode 100644 index 00000000..7279a7df Binary files /dev/null and b/flowers/train/68/image_05923.jpg differ diff --git a/flowers/train/68/image_05925.jpg b/flowers/train/68/image_05925.jpg new file mode 100644 index 00000000..b439cc63 Binary files /dev/null and b/flowers/train/68/image_05925.jpg differ diff --git a/flowers/train/68/image_05928.jpg b/flowers/train/68/image_05928.jpg new file mode 100644 index 00000000..3ef2377d Binary files /dev/null and b/flowers/train/68/image_05928.jpg differ diff --git a/flowers/train/68/image_05929.jpg b/flowers/train/68/image_05929.jpg new file mode 100644 index 00000000..87f38f09 Binary files /dev/null and b/flowers/train/68/image_05929.jpg differ diff --git a/flowers/train/68/image_05930.jpg b/flowers/train/68/image_05930.jpg new file mode 100644 index 00000000..b1017732 Binary files /dev/null and b/flowers/train/68/image_05930.jpg differ diff --git a/flowers/train/68/image_05931.jpg b/flowers/train/68/image_05931.jpg new file mode 100644 index 00000000..ea35994f Binary files /dev/null and b/flowers/train/68/image_05931.jpg differ diff --git a/flowers/train/68/image_05933.jpg b/flowers/train/68/image_05933.jpg new file mode 100644 index 00000000..e7a4082c Binary files /dev/null and b/flowers/train/68/image_05933.jpg differ diff --git a/flowers/train/68/image_05934.jpg b/flowers/train/68/image_05934.jpg new file mode 100644 index 00000000..d36d9f21 Binary files /dev/null and b/flowers/train/68/image_05934.jpg differ diff --git a/flowers/train/68/image_05935.jpg b/flowers/train/68/image_05935.jpg new file mode 100644 index 00000000..fdfe14e8 Binary files /dev/null and b/flowers/train/68/image_05935.jpg differ diff --git a/flowers/train/68/image_05936.jpg b/flowers/train/68/image_05936.jpg new file mode 100644 index 00000000..c2f7374e Binary files /dev/null and b/flowers/train/68/image_05936.jpg differ diff --git a/flowers/train/68/image_05937.jpg b/flowers/train/68/image_05937.jpg new file mode 100644 index 00000000..f24ccc23 Binary files /dev/null and b/flowers/train/68/image_05937.jpg differ diff --git a/flowers/train/68/image_05938.jpg b/flowers/train/68/image_05938.jpg new file mode 100644 index 00000000..359004bf Binary files /dev/null and b/flowers/train/68/image_05938.jpg differ diff --git a/flowers/train/68/image_05939.jpg b/flowers/train/68/image_05939.jpg new file mode 100644 index 00000000..2d8352d1 Binary files /dev/null and b/flowers/train/68/image_05939.jpg differ diff --git a/flowers/train/68/image_05940.jpg b/flowers/train/68/image_05940.jpg new file mode 100644 index 00000000..0d017525 Binary files /dev/null and b/flowers/train/68/image_05940.jpg differ diff --git a/flowers/train/68/image_05941.jpg b/flowers/train/68/image_05941.jpg new file mode 100644 index 00000000..d368f77b Binary files /dev/null and b/flowers/train/68/image_05941.jpg differ diff --git a/flowers/train/68/image_05942.jpg b/flowers/train/68/image_05942.jpg new file mode 100644 index 00000000..1d61f95d Binary files /dev/null and b/flowers/train/68/image_05942.jpg differ diff --git a/flowers/train/68/image_05943.jpg b/flowers/train/68/image_05943.jpg new file mode 100644 index 00000000..2dbf1626 Binary files /dev/null and b/flowers/train/68/image_05943.jpg differ diff --git a/flowers/train/68/image_05944.jpg b/flowers/train/68/image_05944.jpg new file mode 100644 index 00000000..d7ce216e Binary files /dev/null and b/flowers/train/68/image_05944.jpg differ diff --git a/flowers/train/68/image_05945.jpg b/flowers/train/68/image_05945.jpg new file mode 100644 index 00000000..8b3ec36f Binary files /dev/null and b/flowers/train/68/image_05945.jpg differ diff --git a/flowers/train/68/image_05946.jpg b/flowers/train/68/image_05946.jpg new file mode 100644 index 00000000..f819fe76 Binary files /dev/null and b/flowers/train/68/image_05946.jpg differ diff --git a/flowers/train/68/image_05947.jpg b/flowers/train/68/image_05947.jpg new file mode 100644 index 00000000..11267dfc Binary files /dev/null and b/flowers/train/68/image_05947.jpg differ diff --git a/flowers/train/68/image_05948.jpg b/flowers/train/68/image_05948.jpg new file mode 100644 index 00000000..f6027acb Binary files /dev/null and b/flowers/train/68/image_05948.jpg differ diff --git a/flowers/train/68/image_05949.jpg b/flowers/train/68/image_05949.jpg new file mode 100644 index 00000000..97ba2ebd Binary files /dev/null and b/flowers/train/68/image_05949.jpg differ diff --git a/flowers/train/68/image_05950.jpg b/flowers/train/68/image_05950.jpg new file mode 100644 index 00000000..64c2d2e6 Binary files /dev/null and b/flowers/train/68/image_05950.jpg differ diff --git a/flowers/train/68/image_05951.jpg b/flowers/train/68/image_05951.jpg new file mode 100644 index 00000000..18d5dc63 Binary files /dev/null and b/flowers/train/68/image_05951.jpg differ diff --git a/flowers/train/68/image_05952.jpg b/flowers/train/68/image_05952.jpg new file mode 100644 index 00000000..0a486aab Binary files /dev/null and b/flowers/train/68/image_05952.jpg differ diff --git a/flowers/train/68/image_05953.jpg b/flowers/train/68/image_05953.jpg new file mode 100644 index 00000000..065a0c6f Binary files /dev/null and b/flowers/train/68/image_05953.jpg differ diff --git a/flowers/train/68/image_05954.jpg b/flowers/train/68/image_05954.jpg new file mode 100644 index 00000000..596df9a8 Binary files /dev/null and b/flowers/train/68/image_05954.jpg differ diff --git a/flowers/train/68/image_05955.jpg b/flowers/train/68/image_05955.jpg new file mode 100644 index 00000000..89c1869a Binary files /dev/null and b/flowers/train/68/image_05955.jpg differ diff --git a/flowers/train/69/image_05957.jpg b/flowers/train/69/image_05957.jpg new file mode 100644 index 00000000..f1b927b1 Binary files /dev/null and b/flowers/train/69/image_05957.jpg differ diff --git a/flowers/train/69/image_05960.jpg b/flowers/train/69/image_05960.jpg new file mode 100644 index 00000000..8c2d8e79 Binary files /dev/null and b/flowers/train/69/image_05960.jpg differ diff --git a/flowers/train/69/image_05961.jpg b/flowers/train/69/image_05961.jpg new file mode 100644 index 00000000..34265c0d Binary files /dev/null and b/flowers/train/69/image_05961.jpg differ diff --git a/flowers/train/69/image_05962.jpg b/flowers/train/69/image_05962.jpg new file mode 100644 index 00000000..b1542eca Binary files /dev/null and b/flowers/train/69/image_05962.jpg differ diff --git a/flowers/train/69/image_05963.jpg b/flowers/train/69/image_05963.jpg new file mode 100644 index 00000000..4e65e33b Binary files /dev/null and b/flowers/train/69/image_05963.jpg differ diff --git a/flowers/train/69/image_05964.jpg b/flowers/train/69/image_05964.jpg new file mode 100644 index 00000000..f0e3dd75 Binary files /dev/null and b/flowers/train/69/image_05964.jpg differ diff --git a/flowers/train/69/image_05965.jpg b/flowers/train/69/image_05965.jpg new file mode 100644 index 00000000..36ff0f15 Binary files /dev/null and b/flowers/train/69/image_05965.jpg differ diff --git a/flowers/train/69/image_05966.jpg b/flowers/train/69/image_05966.jpg new file mode 100644 index 00000000..2a2cbb85 Binary files /dev/null and b/flowers/train/69/image_05966.jpg differ diff --git a/flowers/train/69/image_05967.jpg b/flowers/train/69/image_05967.jpg new file mode 100644 index 00000000..d8866d44 Binary files /dev/null and b/flowers/train/69/image_05967.jpg differ diff --git a/flowers/train/69/image_05968.jpg b/flowers/train/69/image_05968.jpg new file mode 100644 index 00000000..913fdea4 Binary files /dev/null and b/flowers/train/69/image_05968.jpg differ diff --git a/flowers/train/69/image_05969.jpg b/flowers/train/69/image_05969.jpg new file mode 100644 index 00000000..714ee1d5 Binary files /dev/null and b/flowers/train/69/image_05969.jpg differ diff --git a/flowers/train/69/image_05970.jpg b/flowers/train/69/image_05970.jpg new file mode 100644 index 00000000..b967f965 Binary files /dev/null and b/flowers/train/69/image_05970.jpg differ diff --git a/flowers/train/69/image_05972.jpg b/flowers/train/69/image_05972.jpg new file mode 100644 index 00000000..7046088c Binary files /dev/null and b/flowers/train/69/image_05972.jpg differ diff --git a/flowers/train/69/image_05973.jpg b/flowers/train/69/image_05973.jpg new file mode 100644 index 00000000..bed29311 Binary files /dev/null and b/flowers/train/69/image_05973.jpg differ diff --git a/flowers/train/69/image_05974.jpg b/flowers/train/69/image_05974.jpg new file mode 100644 index 00000000..426b00b6 Binary files /dev/null and b/flowers/train/69/image_05974.jpg differ diff --git a/flowers/train/69/image_05975.jpg b/flowers/train/69/image_05975.jpg new file mode 100644 index 00000000..f3ad9ddb Binary files /dev/null and b/flowers/train/69/image_05975.jpg differ diff --git a/flowers/train/69/image_05976.jpg b/flowers/train/69/image_05976.jpg new file mode 100644 index 00000000..64817bd8 Binary files /dev/null and b/flowers/train/69/image_05976.jpg differ diff --git a/flowers/train/69/image_05977.jpg b/flowers/train/69/image_05977.jpg new file mode 100644 index 00000000..a34c6c98 Binary files /dev/null and b/flowers/train/69/image_05977.jpg differ diff --git a/flowers/train/69/image_05978.jpg b/flowers/train/69/image_05978.jpg new file mode 100644 index 00000000..683b1c6c Binary files /dev/null and b/flowers/train/69/image_05978.jpg differ diff --git a/flowers/train/69/image_05979.jpg b/flowers/train/69/image_05979.jpg new file mode 100644 index 00000000..3f4591b3 Binary files /dev/null and b/flowers/train/69/image_05979.jpg differ diff --git a/flowers/train/69/image_05980.jpg b/flowers/train/69/image_05980.jpg new file mode 100644 index 00000000..7045c1af Binary files /dev/null and b/flowers/train/69/image_05980.jpg differ diff --git a/flowers/train/69/image_05981.jpg b/flowers/train/69/image_05981.jpg new file mode 100644 index 00000000..c0920b31 Binary files /dev/null and b/flowers/train/69/image_05981.jpg differ diff --git a/flowers/train/69/image_05982.jpg b/flowers/train/69/image_05982.jpg new file mode 100644 index 00000000..edbde2a7 Binary files /dev/null and b/flowers/train/69/image_05982.jpg differ diff --git a/flowers/train/69/image_05983.jpg b/flowers/train/69/image_05983.jpg new file mode 100644 index 00000000..a4f7b7ed Binary files /dev/null and b/flowers/train/69/image_05983.jpg differ diff --git a/flowers/train/69/image_05985.jpg b/flowers/train/69/image_05985.jpg new file mode 100644 index 00000000..4b255688 Binary files /dev/null and b/flowers/train/69/image_05985.jpg differ diff --git a/flowers/train/69/image_05986.jpg b/flowers/train/69/image_05986.jpg new file mode 100644 index 00000000..9ec045a6 Binary files /dev/null and b/flowers/train/69/image_05986.jpg differ diff --git a/flowers/train/69/image_05987.jpg b/flowers/train/69/image_05987.jpg new file mode 100644 index 00000000..e9b532e4 Binary files /dev/null and b/flowers/train/69/image_05987.jpg differ diff --git a/flowers/train/69/image_05988.jpg b/flowers/train/69/image_05988.jpg new file mode 100644 index 00000000..efd7914a Binary files /dev/null and b/flowers/train/69/image_05988.jpg differ diff --git a/flowers/train/69/image_05989.jpg b/flowers/train/69/image_05989.jpg new file mode 100644 index 00000000..e54d0493 Binary files /dev/null and b/flowers/train/69/image_05989.jpg differ diff --git a/flowers/train/69/image_05990.jpg b/flowers/train/69/image_05990.jpg new file mode 100644 index 00000000..c8964aa5 Binary files /dev/null and b/flowers/train/69/image_05990.jpg differ diff --git a/flowers/train/69/image_05991.jpg b/flowers/train/69/image_05991.jpg new file mode 100644 index 00000000..3d1a09c7 Binary files /dev/null and b/flowers/train/69/image_05991.jpg differ diff --git a/flowers/train/69/image_05995.jpg b/flowers/train/69/image_05995.jpg new file mode 100644 index 00000000..1d7be2f2 Binary files /dev/null and b/flowers/train/69/image_05995.jpg differ diff --git a/flowers/train/69/image_05996.jpg b/flowers/train/69/image_05996.jpg new file mode 100644 index 00000000..1b30f589 Binary files /dev/null and b/flowers/train/69/image_05996.jpg differ diff --git a/flowers/train/69/image_05997.jpg b/flowers/train/69/image_05997.jpg new file mode 100644 index 00000000..2068e2ba Binary files /dev/null and b/flowers/train/69/image_05997.jpg differ diff --git a/flowers/train/69/image_05998.jpg b/flowers/train/69/image_05998.jpg new file mode 100644 index 00000000..e77fcf16 Binary files /dev/null and b/flowers/train/69/image_05998.jpg differ diff --git a/flowers/train/69/image_05999.jpg b/flowers/train/69/image_05999.jpg new file mode 100644 index 00000000..ed2f3fba Binary files /dev/null and b/flowers/train/69/image_05999.jpg differ diff --git a/flowers/train/69/image_06000.jpg b/flowers/train/69/image_06000.jpg new file mode 100644 index 00000000..2a8810d2 Binary files /dev/null and b/flowers/train/69/image_06000.jpg differ diff --git a/flowers/train/69/image_06001.jpg b/flowers/train/69/image_06001.jpg new file mode 100644 index 00000000..fca29890 Binary files /dev/null and b/flowers/train/69/image_06001.jpg differ diff --git a/flowers/train/69/image_06002.jpg b/flowers/train/69/image_06002.jpg new file mode 100644 index 00000000..96de05b8 Binary files /dev/null and b/flowers/train/69/image_06002.jpg differ diff --git a/flowers/train/69/image_06003.jpg b/flowers/train/69/image_06003.jpg new file mode 100644 index 00000000..e39283e9 Binary files /dev/null and b/flowers/train/69/image_06003.jpg differ diff --git a/flowers/train/69/image_06004.jpg b/flowers/train/69/image_06004.jpg new file mode 100644 index 00000000..efd70fd6 Binary files /dev/null and b/flowers/train/69/image_06004.jpg differ diff --git a/flowers/train/69/image_06005.jpg b/flowers/train/69/image_06005.jpg new file mode 100644 index 00000000..d31bbcf8 Binary files /dev/null and b/flowers/train/69/image_06005.jpg differ diff --git a/flowers/train/69/image_06006.jpg b/flowers/train/69/image_06006.jpg new file mode 100644 index 00000000..765476e2 Binary files /dev/null and b/flowers/train/69/image_06006.jpg differ diff --git a/flowers/train/69/image_06007.jpg b/flowers/train/69/image_06007.jpg new file mode 100644 index 00000000..b2ec5f18 Binary files /dev/null and b/flowers/train/69/image_06007.jpg differ diff --git a/flowers/train/69/image_06009.jpg b/flowers/train/69/image_06009.jpg new file mode 100644 index 00000000..4c038c26 Binary files /dev/null and b/flowers/train/69/image_06009.jpg differ diff --git a/flowers/train/69/image_06010.jpg b/flowers/train/69/image_06010.jpg new file mode 100644 index 00000000..2669d674 Binary files /dev/null and b/flowers/train/69/image_06010.jpg differ diff --git a/flowers/train/7/image_07200.jpg b/flowers/train/7/image_07200.jpg new file mode 100644 index 00000000..75439e0b Binary files /dev/null and b/flowers/train/7/image_07200.jpg differ diff --git a/flowers/train/7/image_07201.jpg b/flowers/train/7/image_07201.jpg new file mode 100644 index 00000000..0dc74014 Binary files /dev/null and b/flowers/train/7/image_07201.jpg differ diff --git a/flowers/train/7/image_07202.jpg b/flowers/train/7/image_07202.jpg new file mode 100644 index 00000000..4ab60695 Binary files /dev/null and b/flowers/train/7/image_07202.jpg differ diff --git a/flowers/train/7/image_07203.jpg b/flowers/train/7/image_07203.jpg new file mode 100644 index 00000000..a1a07669 Binary files /dev/null and b/flowers/train/7/image_07203.jpg differ diff --git a/flowers/train/7/image_07204.jpg b/flowers/train/7/image_07204.jpg new file mode 100644 index 00000000..dc10912e Binary files /dev/null and b/flowers/train/7/image_07204.jpg differ diff --git a/flowers/train/7/image_07205.jpg b/flowers/train/7/image_07205.jpg new file mode 100644 index 00000000..3e79d040 Binary files /dev/null and b/flowers/train/7/image_07205.jpg differ diff --git a/flowers/train/7/image_07206.jpg b/flowers/train/7/image_07206.jpg new file mode 100644 index 00000000..d8ea8925 Binary files /dev/null and b/flowers/train/7/image_07206.jpg differ diff --git a/flowers/train/7/image_07207.jpg b/flowers/train/7/image_07207.jpg new file mode 100644 index 00000000..b0908b56 Binary files /dev/null and b/flowers/train/7/image_07207.jpg differ diff --git a/flowers/train/7/image_07208.jpg b/flowers/train/7/image_07208.jpg new file mode 100644 index 00000000..0aa67267 Binary files /dev/null and b/flowers/train/7/image_07208.jpg differ diff --git a/flowers/train/7/image_07209.jpg b/flowers/train/7/image_07209.jpg new file mode 100644 index 00000000..fbe2fe07 Binary files /dev/null and b/flowers/train/7/image_07209.jpg differ diff --git a/flowers/train/7/image_07210.jpg b/flowers/train/7/image_07210.jpg new file mode 100644 index 00000000..c2c34666 Binary files /dev/null and b/flowers/train/7/image_07210.jpg differ diff --git a/flowers/train/7/image_07212.jpg b/flowers/train/7/image_07212.jpg new file mode 100644 index 00000000..9864f62b Binary files /dev/null and b/flowers/train/7/image_07212.jpg differ diff --git a/flowers/train/7/image_07213.jpg b/flowers/train/7/image_07213.jpg new file mode 100644 index 00000000..7e37cc04 Binary files /dev/null and b/flowers/train/7/image_07213.jpg differ diff --git a/flowers/train/7/image_07214.jpg b/flowers/train/7/image_07214.jpg new file mode 100644 index 00000000..cf2b2f62 Binary files /dev/null and b/flowers/train/7/image_07214.jpg differ diff --git a/flowers/train/7/image_07217.jpg b/flowers/train/7/image_07217.jpg new file mode 100644 index 00000000..13053471 Binary files /dev/null and b/flowers/train/7/image_07217.jpg differ diff --git a/flowers/train/7/image_07220.jpg b/flowers/train/7/image_07220.jpg new file mode 100644 index 00000000..d533ce1a Binary files /dev/null and b/flowers/train/7/image_07220.jpg differ diff --git a/flowers/train/7/image_07221.jpg b/flowers/train/7/image_07221.jpg new file mode 100644 index 00000000..ad215961 Binary files /dev/null and b/flowers/train/7/image_07221.jpg differ diff --git a/flowers/train/7/image_07222.jpg b/flowers/train/7/image_07222.jpg new file mode 100644 index 00000000..d6457664 Binary files /dev/null and b/flowers/train/7/image_07222.jpg differ diff --git a/flowers/train/7/image_07223.jpg b/flowers/train/7/image_07223.jpg new file mode 100644 index 00000000..213a466b Binary files /dev/null and b/flowers/train/7/image_07223.jpg differ diff --git a/flowers/train/7/image_07224.jpg b/flowers/train/7/image_07224.jpg new file mode 100644 index 00000000..9767e2bf Binary files /dev/null and b/flowers/train/7/image_07224.jpg differ diff --git a/flowers/train/7/image_07225.jpg b/flowers/train/7/image_07225.jpg new file mode 100644 index 00000000..2d9a31cf Binary files /dev/null and b/flowers/train/7/image_07225.jpg differ diff --git a/flowers/train/7/image_07226.jpg b/flowers/train/7/image_07226.jpg new file mode 100644 index 00000000..46915993 Binary files /dev/null and b/flowers/train/7/image_07226.jpg differ diff --git a/flowers/train/7/image_07227.jpg b/flowers/train/7/image_07227.jpg new file mode 100644 index 00000000..5ad81007 Binary files /dev/null and b/flowers/train/7/image_07227.jpg differ diff --git a/flowers/train/7/image_07228.jpg b/flowers/train/7/image_07228.jpg new file mode 100644 index 00000000..175991c5 Binary files /dev/null and b/flowers/train/7/image_07228.jpg differ diff --git a/flowers/train/7/image_07229.jpg b/flowers/train/7/image_07229.jpg new file mode 100644 index 00000000..185c42d9 Binary files /dev/null and b/flowers/train/7/image_07229.jpg differ diff --git a/flowers/train/7/image_07230.jpg b/flowers/train/7/image_07230.jpg new file mode 100644 index 00000000..0e3e01df Binary files /dev/null and b/flowers/train/7/image_07230.jpg differ diff --git a/flowers/train/7/image_07231.jpg b/flowers/train/7/image_07231.jpg new file mode 100644 index 00000000..149f5272 Binary files /dev/null and b/flowers/train/7/image_07231.jpg differ diff --git a/flowers/train/7/image_07232.jpg b/flowers/train/7/image_07232.jpg new file mode 100644 index 00000000..cce2779f Binary files /dev/null and b/flowers/train/7/image_07232.jpg differ diff --git a/flowers/train/7/image_07233.jpg b/flowers/train/7/image_07233.jpg new file mode 100644 index 00000000..afe3974a Binary files /dev/null and b/flowers/train/7/image_07233.jpg differ diff --git a/flowers/train/7/image_08100.jpg b/flowers/train/7/image_08100.jpg new file mode 100644 index 00000000..e6b1083b Binary files /dev/null and b/flowers/train/7/image_08100.jpg differ diff --git a/flowers/train/7/image_08101.jpg b/flowers/train/7/image_08101.jpg new file mode 100644 index 00000000..b5a94c38 Binary files /dev/null and b/flowers/train/7/image_08101.jpg differ diff --git a/flowers/train/7/image_08102.jpg b/flowers/train/7/image_08102.jpg new file mode 100644 index 00000000..640d0146 Binary files /dev/null and b/flowers/train/7/image_08102.jpg differ diff --git a/flowers/train/7/image_08103.jpg b/flowers/train/7/image_08103.jpg new file mode 100644 index 00000000..e784538e Binary files /dev/null and b/flowers/train/7/image_08103.jpg differ diff --git a/flowers/train/70/image_05278.jpg b/flowers/train/70/image_05278.jpg new file mode 100644 index 00000000..7c134fc2 Binary files /dev/null and b/flowers/train/70/image_05278.jpg differ diff --git a/flowers/train/70/image_05279.jpg b/flowers/train/70/image_05279.jpg new file mode 100644 index 00000000..76af3d1a Binary files /dev/null and b/flowers/train/70/image_05279.jpg differ diff --git a/flowers/train/70/image_05281.jpg b/flowers/train/70/image_05281.jpg new file mode 100644 index 00000000..f7ecb77c Binary files /dev/null and b/flowers/train/70/image_05281.jpg differ diff --git a/flowers/train/70/image_05282.jpg b/flowers/train/70/image_05282.jpg new file mode 100644 index 00000000..d3a2b636 Binary files /dev/null and b/flowers/train/70/image_05282.jpg differ diff --git a/flowers/train/70/image_05283.jpg b/flowers/train/70/image_05283.jpg new file mode 100644 index 00000000..6b9d73c5 Binary files /dev/null and b/flowers/train/70/image_05283.jpg differ diff --git a/flowers/train/70/image_05285.jpg b/flowers/train/70/image_05285.jpg new file mode 100644 index 00000000..6ea51ebd Binary files /dev/null and b/flowers/train/70/image_05285.jpg differ diff --git a/flowers/train/70/image_05286.jpg b/flowers/train/70/image_05286.jpg new file mode 100644 index 00000000..4f598563 Binary files /dev/null and b/flowers/train/70/image_05286.jpg differ diff --git a/flowers/train/70/image_05287.jpg b/flowers/train/70/image_05287.jpg new file mode 100644 index 00000000..120475cb Binary files /dev/null and b/flowers/train/70/image_05287.jpg differ diff --git a/flowers/train/70/image_05288.jpg b/flowers/train/70/image_05288.jpg new file mode 100644 index 00000000..168399b1 Binary files /dev/null and b/flowers/train/70/image_05288.jpg differ diff --git a/flowers/train/70/image_05290.jpg b/flowers/train/70/image_05290.jpg new file mode 100644 index 00000000..df2d8581 Binary files /dev/null and b/flowers/train/70/image_05290.jpg differ diff --git a/flowers/train/70/image_05291.jpg b/flowers/train/70/image_05291.jpg new file mode 100644 index 00000000..e8689834 Binary files /dev/null and b/flowers/train/70/image_05291.jpg differ diff --git a/flowers/train/70/image_05292.jpg b/flowers/train/70/image_05292.jpg new file mode 100644 index 00000000..a12169aa Binary files /dev/null and b/flowers/train/70/image_05292.jpg differ diff --git a/flowers/train/70/image_05293.jpg b/flowers/train/70/image_05293.jpg new file mode 100644 index 00000000..0d514d65 Binary files /dev/null and b/flowers/train/70/image_05293.jpg differ diff --git a/flowers/train/70/image_05294.jpg b/flowers/train/70/image_05294.jpg new file mode 100644 index 00000000..ff216776 Binary files /dev/null and b/flowers/train/70/image_05294.jpg differ diff --git a/flowers/train/70/image_05295.jpg b/flowers/train/70/image_05295.jpg new file mode 100644 index 00000000..ab4a4f39 Binary files /dev/null and b/flowers/train/70/image_05295.jpg differ diff --git a/flowers/train/70/image_05297.jpg b/flowers/train/70/image_05297.jpg new file mode 100644 index 00000000..2f79a667 Binary files /dev/null and b/flowers/train/70/image_05297.jpg differ diff --git a/flowers/train/70/image_05298.jpg b/flowers/train/70/image_05298.jpg new file mode 100644 index 00000000..eb0997b9 Binary files /dev/null and b/flowers/train/70/image_05298.jpg differ diff --git a/flowers/train/70/image_05299.jpg b/flowers/train/70/image_05299.jpg new file mode 100644 index 00000000..4628a4eb Binary files /dev/null and b/flowers/train/70/image_05299.jpg differ diff --git a/flowers/train/70/image_05300.jpg b/flowers/train/70/image_05300.jpg new file mode 100644 index 00000000..1dbbd4a3 Binary files /dev/null and b/flowers/train/70/image_05300.jpg differ diff --git a/flowers/train/70/image_05301.jpg b/flowers/train/70/image_05301.jpg new file mode 100644 index 00000000..210c7f53 Binary files /dev/null and b/flowers/train/70/image_05301.jpg differ diff --git a/flowers/train/70/image_05302.jpg b/flowers/train/70/image_05302.jpg new file mode 100644 index 00000000..9bd2a48e Binary files /dev/null and b/flowers/train/70/image_05302.jpg differ diff --git a/flowers/train/70/image_05304.jpg b/flowers/train/70/image_05304.jpg new file mode 100644 index 00000000..cc391e4e Binary files /dev/null and b/flowers/train/70/image_05304.jpg differ diff --git a/flowers/train/70/image_05305.jpg b/flowers/train/70/image_05305.jpg new file mode 100644 index 00000000..79e12dc5 Binary files /dev/null and b/flowers/train/70/image_05305.jpg differ diff --git a/flowers/train/70/image_05306.jpg b/flowers/train/70/image_05306.jpg new file mode 100644 index 00000000..32a59b8d Binary files /dev/null and b/flowers/train/70/image_05306.jpg differ diff --git a/flowers/train/70/image_05307.jpg b/flowers/train/70/image_05307.jpg new file mode 100644 index 00000000..d2115031 Binary files /dev/null and b/flowers/train/70/image_05307.jpg differ diff --git a/flowers/train/70/image_05309.jpg b/flowers/train/70/image_05309.jpg new file mode 100644 index 00000000..16b8070b Binary files /dev/null and b/flowers/train/70/image_05309.jpg differ diff --git a/flowers/train/70/image_05310.jpg b/flowers/train/70/image_05310.jpg new file mode 100644 index 00000000..12e7be81 Binary files /dev/null and b/flowers/train/70/image_05310.jpg differ diff --git a/flowers/train/70/image_05311.jpg b/flowers/train/70/image_05311.jpg new file mode 100644 index 00000000..a6ccb495 Binary files /dev/null and b/flowers/train/70/image_05311.jpg differ diff --git a/flowers/train/70/image_05312.jpg b/flowers/train/70/image_05312.jpg new file mode 100644 index 00000000..55fb51ea Binary files /dev/null and b/flowers/train/70/image_05312.jpg differ diff --git a/flowers/train/70/image_05313.jpg b/flowers/train/70/image_05313.jpg new file mode 100644 index 00000000..9ab7d5d1 Binary files /dev/null and b/flowers/train/70/image_05313.jpg differ diff --git a/flowers/train/70/image_05314.jpg b/flowers/train/70/image_05314.jpg new file mode 100644 index 00000000..d99f0083 Binary files /dev/null and b/flowers/train/70/image_05314.jpg differ diff --git a/flowers/train/70/image_05315.jpg b/flowers/train/70/image_05315.jpg new file mode 100644 index 00000000..67bba1de Binary files /dev/null and b/flowers/train/70/image_05315.jpg differ diff --git a/flowers/train/70/image_05316.jpg b/flowers/train/70/image_05316.jpg new file mode 100644 index 00000000..8d25a945 Binary files /dev/null and b/flowers/train/70/image_05316.jpg differ diff --git a/flowers/train/70/image_05317.jpg b/flowers/train/70/image_05317.jpg new file mode 100644 index 00000000..501b9298 Binary files /dev/null and b/flowers/train/70/image_05317.jpg differ diff --git a/flowers/train/70/image_05318.jpg b/flowers/train/70/image_05318.jpg new file mode 100644 index 00000000..80459326 Binary files /dev/null and b/flowers/train/70/image_05318.jpg differ diff --git a/flowers/train/70/image_05319.jpg b/flowers/train/70/image_05319.jpg new file mode 100644 index 00000000..94343d59 Binary files /dev/null and b/flowers/train/70/image_05319.jpg differ diff --git a/flowers/train/70/image_05320.jpg b/flowers/train/70/image_05320.jpg new file mode 100644 index 00000000..70088fd3 Binary files /dev/null and b/flowers/train/70/image_05320.jpg differ diff --git a/flowers/train/70/image_05322.jpg b/flowers/train/70/image_05322.jpg new file mode 100644 index 00000000..0ad4187b Binary files /dev/null and b/flowers/train/70/image_05322.jpg differ diff --git a/flowers/train/70/image_05323.jpg b/flowers/train/70/image_05323.jpg new file mode 100644 index 00000000..1c7b145a Binary files /dev/null and b/flowers/train/70/image_05323.jpg differ diff --git a/flowers/train/70/image_05325.jpg b/flowers/train/70/image_05325.jpg new file mode 100644 index 00000000..a7439950 Binary files /dev/null and b/flowers/train/70/image_05325.jpg differ diff --git a/flowers/train/70/image_05327.jpg b/flowers/train/70/image_05327.jpg new file mode 100644 index 00000000..1f56f2aa Binary files /dev/null and b/flowers/train/70/image_05327.jpg differ diff --git a/flowers/train/70/image_05328.jpg b/flowers/train/70/image_05328.jpg new file mode 100644 index 00000000..e5eaa9e3 Binary files /dev/null and b/flowers/train/70/image_05328.jpg differ diff --git a/flowers/train/70/image_05329.jpg b/flowers/train/70/image_05329.jpg new file mode 100644 index 00000000..0c357314 Binary files /dev/null and b/flowers/train/70/image_05329.jpg differ diff --git a/flowers/train/70/image_05332.jpg b/flowers/train/70/image_05332.jpg new file mode 100644 index 00000000..70531d2a Binary files /dev/null and b/flowers/train/70/image_05332.jpg differ diff --git a/flowers/train/70/image_05333.jpg b/flowers/train/70/image_05333.jpg new file mode 100644 index 00000000..be90313d Binary files /dev/null and b/flowers/train/70/image_05333.jpg differ diff --git a/flowers/train/70/image_05334.jpg b/flowers/train/70/image_05334.jpg new file mode 100644 index 00000000..3f0c6fbb Binary files /dev/null and b/flowers/train/70/image_05334.jpg differ diff --git a/flowers/train/70/image_05335.jpg b/flowers/train/70/image_05335.jpg new file mode 100644 index 00000000..1822357c Binary files /dev/null and b/flowers/train/70/image_05335.jpg differ diff --git a/flowers/train/70/image_05336.jpg b/flowers/train/70/image_05336.jpg new file mode 100644 index 00000000..b2da92b6 Binary files /dev/null and b/flowers/train/70/image_05336.jpg differ diff --git a/flowers/train/70/image_05337.jpg b/flowers/train/70/image_05337.jpg new file mode 100644 index 00000000..5a880f90 Binary files /dev/null and b/flowers/train/70/image_05337.jpg differ diff --git a/flowers/train/70/image_05338.jpg b/flowers/train/70/image_05338.jpg new file mode 100644 index 00000000..992e1b70 Binary files /dev/null and b/flowers/train/70/image_05338.jpg differ diff --git a/flowers/train/70/image_05339.jpg b/flowers/train/70/image_05339.jpg new file mode 100644 index 00000000..4c6d373b Binary files /dev/null and b/flowers/train/70/image_05339.jpg differ diff --git a/flowers/train/71/image_04481.jpg b/flowers/train/71/image_04481.jpg new file mode 100644 index 00000000..f709a972 Binary files /dev/null and b/flowers/train/71/image_04481.jpg differ diff --git a/flowers/train/71/image_04483.jpg b/flowers/train/71/image_04483.jpg new file mode 100644 index 00000000..f82bada8 Binary files /dev/null and b/flowers/train/71/image_04483.jpg differ diff --git a/flowers/train/71/image_04484.jpg b/flowers/train/71/image_04484.jpg new file mode 100644 index 00000000..4beab4bf Binary files /dev/null and b/flowers/train/71/image_04484.jpg differ diff --git a/flowers/train/71/image_04485.jpg b/flowers/train/71/image_04485.jpg new file mode 100644 index 00000000..8d3aa584 Binary files /dev/null and b/flowers/train/71/image_04485.jpg differ diff --git a/flowers/train/71/image_04486.jpg b/flowers/train/71/image_04486.jpg new file mode 100644 index 00000000..aa56bd1b Binary files /dev/null and b/flowers/train/71/image_04486.jpg differ diff --git a/flowers/train/71/image_04487.jpg b/flowers/train/71/image_04487.jpg new file mode 100644 index 00000000..fd45903a Binary files /dev/null and b/flowers/train/71/image_04487.jpg differ diff --git a/flowers/train/71/image_04489.jpg b/flowers/train/71/image_04489.jpg new file mode 100644 index 00000000..7776a806 Binary files /dev/null and b/flowers/train/71/image_04489.jpg differ diff --git a/flowers/train/71/image_04490.jpg b/flowers/train/71/image_04490.jpg new file mode 100644 index 00000000..0924cafe Binary files /dev/null and b/flowers/train/71/image_04490.jpg differ diff --git a/flowers/train/71/image_04491.jpg b/flowers/train/71/image_04491.jpg new file mode 100644 index 00000000..cc0b34e4 Binary files /dev/null and b/flowers/train/71/image_04491.jpg differ diff --git a/flowers/train/71/image_04492.jpg b/flowers/train/71/image_04492.jpg new file mode 100644 index 00000000..e58d9a4c Binary files /dev/null and b/flowers/train/71/image_04492.jpg differ diff --git a/flowers/train/71/image_04493.jpg b/flowers/train/71/image_04493.jpg new file mode 100644 index 00000000..4437e059 Binary files /dev/null and b/flowers/train/71/image_04493.jpg differ diff --git a/flowers/train/71/image_04494.jpg b/flowers/train/71/image_04494.jpg new file mode 100644 index 00000000..5802f0de Binary files /dev/null and b/flowers/train/71/image_04494.jpg differ diff --git a/flowers/train/71/image_04495.jpg b/flowers/train/71/image_04495.jpg new file mode 100644 index 00000000..dd2ece0d Binary files /dev/null and b/flowers/train/71/image_04495.jpg differ diff --git a/flowers/train/71/image_04496.jpg b/flowers/train/71/image_04496.jpg new file mode 100644 index 00000000..1b43534a Binary files /dev/null and b/flowers/train/71/image_04496.jpg differ diff --git a/flowers/train/71/image_04497.jpg b/flowers/train/71/image_04497.jpg new file mode 100644 index 00000000..31e67dd0 Binary files /dev/null and b/flowers/train/71/image_04497.jpg differ diff --git a/flowers/train/71/image_04498.jpg b/flowers/train/71/image_04498.jpg new file mode 100644 index 00000000..9c6ad271 Binary files /dev/null and b/flowers/train/71/image_04498.jpg differ diff --git a/flowers/train/71/image_04499.jpg b/flowers/train/71/image_04499.jpg new file mode 100644 index 00000000..1d36382f Binary files /dev/null and b/flowers/train/71/image_04499.jpg differ diff --git a/flowers/train/71/image_04500.jpg b/flowers/train/71/image_04500.jpg new file mode 100644 index 00000000..b3f9ae7f Binary files /dev/null and b/flowers/train/71/image_04500.jpg differ diff --git a/flowers/train/71/image_04501.jpg b/flowers/train/71/image_04501.jpg new file mode 100644 index 00000000..be69a5d7 Binary files /dev/null and b/flowers/train/71/image_04501.jpg differ diff --git a/flowers/train/71/image_04503.jpg b/flowers/train/71/image_04503.jpg new file mode 100644 index 00000000..1e9d0e98 Binary files /dev/null and b/flowers/train/71/image_04503.jpg differ diff --git a/flowers/train/71/image_04504.jpg b/flowers/train/71/image_04504.jpg new file mode 100644 index 00000000..cda8532f Binary files /dev/null and b/flowers/train/71/image_04504.jpg differ diff --git a/flowers/train/71/image_04505.jpg b/flowers/train/71/image_04505.jpg new file mode 100644 index 00000000..5687a687 Binary files /dev/null and b/flowers/train/71/image_04505.jpg differ diff --git a/flowers/train/71/image_04506.jpg b/flowers/train/71/image_04506.jpg new file mode 100644 index 00000000..2046b642 Binary files /dev/null and b/flowers/train/71/image_04506.jpg differ diff --git a/flowers/train/71/image_04507.jpg b/flowers/train/71/image_04507.jpg new file mode 100644 index 00000000..b3b565fd Binary files /dev/null and b/flowers/train/71/image_04507.jpg differ diff --git a/flowers/train/71/image_04508.jpg b/flowers/train/71/image_04508.jpg new file mode 100644 index 00000000..27c7b982 Binary files /dev/null and b/flowers/train/71/image_04508.jpg differ diff --git a/flowers/train/71/image_04509.jpg b/flowers/train/71/image_04509.jpg new file mode 100644 index 00000000..7fa3ec43 Binary files /dev/null and b/flowers/train/71/image_04509.jpg differ diff --git a/flowers/train/71/image_04510.jpg b/flowers/train/71/image_04510.jpg new file mode 100644 index 00000000..2c5e4db1 Binary files /dev/null and b/flowers/train/71/image_04510.jpg differ diff --git a/flowers/train/71/image_04511.jpg b/flowers/train/71/image_04511.jpg new file mode 100644 index 00000000..fda6a221 Binary files /dev/null and b/flowers/train/71/image_04511.jpg differ diff --git a/flowers/train/71/image_04516.jpg b/flowers/train/71/image_04516.jpg new file mode 100644 index 00000000..31d16749 Binary files /dev/null and b/flowers/train/71/image_04516.jpg differ diff --git a/flowers/train/71/image_04518.jpg b/flowers/train/71/image_04518.jpg new file mode 100644 index 00000000..c2dfbb0d Binary files /dev/null and b/flowers/train/71/image_04518.jpg differ diff --git a/flowers/train/71/image_04520.jpg b/flowers/train/71/image_04520.jpg new file mode 100644 index 00000000..bb8e3a54 Binary files /dev/null and b/flowers/train/71/image_04520.jpg differ diff --git a/flowers/train/71/image_04521.jpg b/flowers/train/71/image_04521.jpg new file mode 100644 index 00000000..32a4e7d5 Binary files /dev/null and b/flowers/train/71/image_04521.jpg differ diff --git a/flowers/train/71/image_04522.jpg b/flowers/train/71/image_04522.jpg new file mode 100644 index 00000000..8b10d0b5 Binary files /dev/null and b/flowers/train/71/image_04522.jpg differ diff --git a/flowers/train/71/image_04523.jpg b/flowers/train/71/image_04523.jpg new file mode 100644 index 00000000..fca1c526 Binary files /dev/null and b/flowers/train/71/image_04523.jpg differ diff --git a/flowers/train/71/image_04525.jpg b/flowers/train/71/image_04525.jpg new file mode 100644 index 00000000..4e9e2436 Binary files /dev/null and b/flowers/train/71/image_04525.jpg differ diff --git a/flowers/train/71/image_04526.jpg b/flowers/train/71/image_04526.jpg new file mode 100644 index 00000000..b0a5eed6 Binary files /dev/null and b/flowers/train/71/image_04526.jpg differ diff --git a/flowers/train/71/image_04527.jpg b/flowers/train/71/image_04527.jpg new file mode 100644 index 00000000..1c10fa77 Binary files /dev/null and b/flowers/train/71/image_04527.jpg differ diff --git a/flowers/train/71/image_04528.jpg b/flowers/train/71/image_04528.jpg new file mode 100644 index 00000000..86dd6963 Binary files /dev/null and b/flowers/train/71/image_04528.jpg differ diff --git a/flowers/train/71/image_04529.jpg b/flowers/train/71/image_04529.jpg new file mode 100644 index 00000000..80e2091b Binary files /dev/null and b/flowers/train/71/image_04529.jpg differ diff --git a/flowers/train/71/image_04530.jpg b/flowers/train/71/image_04530.jpg new file mode 100644 index 00000000..4f0f0756 Binary files /dev/null and b/flowers/train/71/image_04530.jpg differ diff --git a/flowers/train/71/image_04531.jpg b/flowers/train/71/image_04531.jpg new file mode 100644 index 00000000..adf27017 Binary files /dev/null and b/flowers/train/71/image_04531.jpg differ diff --git a/flowers/train/71/image_04532.jpg b/flowers/train/71/image_04532.jpg new file mode 100644 index 00000000..972651ff Binary files /dev/null and b/flowers/train/71/image_04532.jpg differ diff --git a/flowers/train/71/image_04533.jpg b/flowers/train/71/image_04533.jpg new file mode 100644 index 00000000..e7385fd9 Binary files /dev/null and b/flowers/train/71/image_04533.jpg differ diff --git a/flowers/train/71/image_04534.jpg b/flowers/train/71/image_04534.jpg new file mode 100644 index 00000000..e7747d64 Binary files /dev/null and b/flowers/train/71/image_04534.jpg differ diff --git a/flowers/train/71/image_04535.jpg b/flowers/train/71/image_04535.jpg new file mode 100644 index 00000000..699d8ecf Binary files /dev/null and b/flowers/train/71/image_04535.jpg differ diff --git a/flowers/train/71/image_04536.jpg b/flowers/train/71/image_04536.jpg new file mode 100644 index 00000000..b9c7cd8a Binary files /dev/null and b/flowers/train/71/image_04536.jpg differ diff --git a/flowers/train/71/image_04537.jpg b/flowers/train/71/image_04537.jpg new file mode 100644 index 00000000..ea29b870 Binary files /dev/null and b/flowers/train/71/image_04537.jpg differ diff --git a/flowers/train/71/image_04538.jpg b/flowers/train/71/image_04538.jpg new file mode 100644 index 00000000..61da062c Binary files /dev/null and b/flowers/train/71/image_04538.jpg differ diff --git a/flowers/train/71/image_04540.jpg b/flowers/train/71/image_04540.jpg new file mode 100644 index 00000000..16ca17e1 Binary files /dev/null and b/flowers/train/71/image_04540.jpg differ diff --git a/flowers/train/71/image_04541.jpg b/flowers/train/71/image_04541.jpg new file mode 100644 index 00000000..970d66f6 Binary files /dev/null and b/flowers/train/71/image_04541.jpg differ diff --git a/flowers/train/71/image_04542.jpg b/flowers/train/71/image_04542.jpg new file mode 100644 index 00000000..1e8cff7d Binary files /dev/null and b/flowers/train/71/image_04542.jpg differ diff --git a/flowers/train/71/image_04543.jpg b/flowers/train/71/image_04543.jpg new file mode 100644 index 00000000..e5acbedc Binary files /dev/null and b/flowers/train/71/image_04543.jpg differ diff --git a/flowers/train/71/image_04544.jpg b/flowers/train/71/image_04544.jpg new file mode 100644 index 00000000..bf43163c Binary files /dev/null and b/flowers/train/71/image_04544.jpg differ diff --git a/flowers/train/71/image_04545.jpg b/flowers/train/71/image_04545.jpg new file mode 100644 index 00000000..14cbc1b1 Binary files /dev/null and b/flowers/train/71/image_04545.jpg differ diff --git a/flowers/train/71/image_04546.jpg b/flowers/train/71/image_04546.jpg new file mode 100644 index 00000000..36f74ef0 Binary files /dev/null and b/flowers/train/71/image_04546.jpg differ diff --git a/flowers/train/71/image_04547.jpg b/flowers/train/71/image_04547.jpg new file mode 100644 index 00000000..815b1979 Binary files /dev/null and b/flowers/train/71/image_04547.jpg differ diff --git a/flowers/train/71/image_04548.jpg b/flowers/train/71/image_04548.jpg new file mode 100644 index 00000000..ea000a23 Binary files /dev/null and b/flowers/train/71/image_04548.jpg differ diff --git a/flowers/train/71/image_04549.jpg b/flowers/train/71/image_04549.jpg new file mode 100644 index 00000000..54b2ecdc Binary files /dev/null and b/flowers/train/71/image_04549.jpg differ diff --git a/flowers/train/71/image_04550.jpg b/flowers/train/71/image_04550.jpg new file mode 100644 index 00000000..d15c3e5d Binary files /dev/null and b/flowers/train/71/image_04550.jpg differ diff --git a/flowers/train/71/image_04551.jpg b/flowers/train/71/image_04551.jpg new file mode 100644 index 00000000..ec13067c Binary files /dev/null and b/flowers/train/71/image_04551.jpg differ diff --git a/flowers/train/71/image_04552.jpg b/flowers/train/71/image_04552.jpg new file mode 100644 index 00000000..146441d4 Binary files /dev/null and b/flowers/train/71/image_04552.jpg differ diff --git a/flowers/train/71/image_04553.jpg b/flowers/train/71/image_04553.jpg new file mode 100644 index 00000000..6f54dfe3 Binary files /dev/null and b/flowers/train/71/image_04553.jpg differ diff --git a/flowers/train/71/image_04556.jpg b/flowers/train/71/image_04556.jpg new file mode 100644 index 00000000..8f634050 Binary files /dev/null and b/flowers/train/71/image_04556.jpg differ diff --git a/flowers/train/71/image_08089.jpg b/flowers/train/71/image_08089.jpg new file mode 100644 index 00000000..53841a06 Binary files /dev/null and b/flowers/train/71/image_08089.jpg differ diff --git a/flowers/train/72/image_03545.jpg b/flowers/train/72/image_03545.jpg new file mode 100644 index 00000000..6c37c54e Binary files /dev/null and b/flowers/train/72/image_03545.jpg differ diff --git a/flowers/train/72/image_03546.jpg b/flowers/train/72/image_03546.jpg new file mode 100644 index 00000000..eaaa0e14 Binary files /dev/null and b/flowers/train/72/image_03546.jpg differ diff --git a/flowers/train/72/image_03548.jpg b/flowers/train/72/image_03548.jpg new file mode 100644 index 00000000..55e17ec4 Binary files /dev/null and b/flowers/train/72/image_03548.jpg differ diff --git a/flowers/train/72/image_03549.jpg b/flowers/train/72/image_03549.jpg new file mode 100644 index 00000000..00ff671a Binary files /dev/null and b/flowers/train/72/image_03549.jpg differ diff --git a/flowers/train/72/image_03550.jpg b/flowers/train/72/image_03550.jpg new file mode 100644 index 00000000..3955bdf9 Binary files /dev/null and b/flowers/train/72/image_03550.jpg differ diff --git a/flowers/train/72/image_03551.jpg b/flowers/train/72/image_03551.jpg new file mode 100644 index 00000000..94b8a3e4 Binary files /dev/null and b/flowers/train/72/image_03551.jpg differ diff --git a/flowers/train/72/image_03552.jpg b/flowers/train/72/image_03552.jpg new file mode 100644 index 00000000..0db78c10 Binary files /dev/null and b/flowers/train/72/image_03552.jpg differ diff --git a/flowers/train/72/image_03553.jpg b/flowers/train/72/image_03553.jpg new file mode 100644 index 00000000..b66882fe Binary files /dev/null and b/flowers/train/72/image_03553.jpg differ diff --git a/flowers/train/72/image_03554.jpg b/flowers/train/72/image_03554.jpg new file mode 100644 index 00000000..8a82f3f5 Binary files /dev/null and b/flowers/train/72/image_03554.jpg differ diff --git a/flowers/train/72/image_03555.jpg b/flowers/train/72/image_03555.jpg new file mode 100644 index 00000000..0ac43460 Binary files /dev/null and b/flowers/train/72/image_03555.jpg differ diff --git a/flowers/train/72/image_03556.jpg b/flowers/train/72/image_03556.jpg new file mode 100644 index 00000000..07fa102b Binary files /dev/null and b/flowers/train/72/image_03556.jpg differ diff --git a/flowers/train/72/image_03557.jpg b/flowers/train/72/image_03557.jpg new file mode 100644 index 00000000..f644f2ad Binary files /dev/null and b/flowers/train/72/image_03557.jpg differ diff --git a/flowers/train/72/image_03558.jpg b/flowers/train/72/image_03558.jpg new file mode 100644 index 00000000..57a8a129 Binary files /dev/null and b/flowers/train/72/image_03558.jpg differ diff --git a/flowers/train/72/image_03560.jpg b/flowers/train/72/image_03560.jpg new file mode 100644 index 00000000..06c7bea7 Binary files /dev/null and b/flowers/train/72/image_03560.jpg differ diff --git a/flowers/train/72/image_03562.jpg b/flowers/train/72/image_03562.jpg new file mode 100644 index 00000000..22914eaa Binary files /dev/null and b/flowers/train/72/image_03562.jpg differ diff --git a/flowers/train/72/image_03563.jpg b/flowers/train/72/image_03563.jpg new file mode 100644 index 00000000..223f0f68 Binary files /dev/null and b/flowers/train/72/image_03563.jpg differ diff --git a/flowers/train/72/image_03564.jpg b/flowers/train/72/image_03564.jpg new file mode 100644 index 00000000..a1388492 Binary files /dev/null and b/flowers/train/72/image_03564.jpg differ diff --git a/flowers/train/72/image_03566.jpg b/flowers/train/72/image_03566.jpg new file mode 100644 index 00000000..1c423c83 Binary files /dev/null and b/flowers/train/72/image_03566.jpg differ diff --git a/flowers/train/72/image_03567.jpg b/flowers/train/72/image_03567.jpg new file mode 100644 index 00000000..0538a5f4 Binary files /dev/null and b/flowers/train/72/image_03567.jpg differ diff --git a/flowers/train/72/image_03569.jpg b/flowers/train/72/image_03569.jpg new file mode 100644 index 00000000..1e3bd547 Binary files /dev/null and b/flowers/train/72/image_03569.jpg differ diff --git a/flowers/train/72/image_03570.jpg b/flowers/train/72/image_03570.jpg new file mode 100644 index 00000000..c0195a30 Binary files /dev/null and b/flowers/train/72/image_03570.jpg differ diff --git a/flowers/train/72/image_03571.jpg b/flowers/train/72/image_03571.jpg new file mode 100644 index 00000000..eef4210f Binary files /dev/null and b/flowers/train/72/image_03571.jpg differ diff --git a/flowers/train/72/image_03572.jpg b/flowers/train/72/image_03572.jpg new file mode 100644 index 00000000..7e08a006 Binary files /dev/null and b/flowers/train/72/image_03572.jpg differ diff --git a/flowers/train/72/image_03573.jpg b/flowers/train/72/image_03573.jpg new file mode 100644 index 00000000..559db5e4 Binary files /dev/null and b/flowers/train/72/image_03573.jpg differ diff --git a/flowers/train/72/image_03574.jpg b/flowers/train/72/image_03574.jpg new file mode 100644 index 00000000..afa6193b Binary files /dev/null and b/flowers/train/72/image_03574.jpg differ diff --git a/flowers/train/72/image_03577.jpg b/flowers/train/72/image_03577.jpg new file mode 100644 index 00000000..ce36a816 Binary files /dev/null and b/flowers/train/72/image_03577.jpg differ diff --git a/flowers/train/72/image_03578.jpg b/flowers/train/72/image_03578.jpg new file mode 100644 index 00000000..d5c159dc Binary files /dev/null and b/flowers/train/72/image_03578.jpg differ diff --git a/flowers/train/72/image_03579.jpg b/flowers/train/72/image_03579.jpg new file mode 100644 index 00000000..6f232810 Binary files /dev/null and b/flowers/train/72/image_03579.jpg differ diff --git a/flowers/train/72/image_03580.jpg b/flowers/train/72/image_03580.jpg new file mode 100644 index 00000000..cde59424 Binary files /dev/null and b/flowers/train/72/image_03580.jpg differ diff --git a/flowers/train/72/image_03581.jpg b/flowers/train/72/image_03581.jpg new file mode 100644 index 00000000..4c86f718 Binary files /dev/null and b/flowers/train/72/image_03581.jpg differ diff --git a/flowers/train/72/image_03582.jpg b/flowers/train/72/image_03582.jpg new file mode 100644 index 00000000..4e0db4dc Binary files /dev/null and b/flowers/train/72/image_03582.jpg differ diff --git a/flowers/train/72/image_03583.jpg b/flowers/train/72/image_03583.jpg new file mode 100644 index 00000000..c2742e12 Binary files /dev/null and b/flowers/train/72/image_03583.jpg differ diff --git a/flowers/train/72/image_03585.jpg b/flowers/train/72/image_03585.jpg new file mode 100644 index 00000000..13cba80b Binary files /dev/null and b/flowers/train/72/image_03585.jpg differ diff --git a/flowers/train/72/image_03586.jpg b/flowers/train/72/image_03586.jpg new file mode 100644 index 00000000..bbe98fb7 Binary files /dev/null and b/flowers/train/72/image_03586.jpg differ diff --git a/flowers/train/72/image_03588.jpg b/flowers/train/72/image_03588.jpg new file mode 100644 index 00000000..0a0f9ecb Binary files /dev/null and b/flowers/train/72/image_03588.jpg differ diff --git a/flowers/train/72/image_03589.jpg b/flowers/train/72/image_03589.jpg new file mode 100644 index 00000000..d6318a04 Binary files /dev/null and b/flowers/train/72/image_03589.jpg differ diff --git a/flowers/train/72/image_03590.jpg b/flowers/train/72/image_03590.jpg new file mode 100644 index 00000000..a06e1818 Binary files /dev/null and b/flowers/train/72/image_03590.jpg differ diff --git a/flowers/train/72/image_03591.jpg b/flowers/train/72/image_03591.jpg new file mode 100644 index 00000000..047fb695 Binary files /dev/null and b/flowers/train/72/image_03591.jpg differ diff --git a/flowers/train/72/image_03592.jpg b/flowers/train/72/image_03592.jpg new file mode 100644 index 00000000..c31b0de9 Binary files /dev/null and b/flowers/train/72/image_03592.jpg differ diff --git a/flowers/train/72/image_03594.jpg b/flowers/train/72/image_03594.jpg new file mode 100644 index 00000000..2c96ecd4 Binary files /dev/null and b/flowers/train/72/image_03594.jpg differ diff --git a/flowers/train/72/image_03595.jpg b/flowers/train/72/image_03595.jpg new file mode 100644 index 00000000..09dc3b5f Binary files /dev/null and b/flowers/train/72/image_03595.jpg differ diff --git a/flowers/train/72/image_03596.jpg b/flowers/train/72/image_03596.jpg new file mode 100644 index 00000000..20027ecb Binary files /dev/null and b/flowers/train/72/image_03596.jpg differ diff --git a/flowers/train/72/image_03597.jpg b/flowers/train/72/image_03597.jpg new file mode 100644 index 00000000..9977f182 Binary files /dev/null and b/flowers/train/72/image_03597.jpg differ diff --git a/flowers/train/72/image_03598.jpg b/flowers/train/72/image_03598.jpg new file mode 100644 index 00000000..fad3524a Binary files /dev/null and b/flowers/train/72/image_03598.jpg differ diff --git a/flowers/train/72/image_03600.jpg b/flowers/train/72/image_03600.jpg new file mode 100644 index 00000000..c1463bfc Binary files /dev/null and b/flowers/train/72/image_03600.jpg differ diff --git a/flowers/train/72/image_03601.jpg b/flowers/train/72/image_03601.jpg new file mode 100644 index 00000000..7f734b62 Binary files /dev/null and b/flowers/train/72/image_03601.jpg differ diff --git a/flowers/train/72/image_03602.jpg b/flowers/train/72/image_03602.jpg new file mode 100644 index 00000000..7b0cdfba Binary files /dev/null and b/flowers/train/72/image_03602.jpg differ diff --git a/flowers/train/72/image_03604.jpg b/flowers/train/72/image_03604.jpg new file mode 100644 index 00000000..c005a57a Binary files /dev/null and b/flowers/train/72/image_03604.jpg differ diff --git a/flowers/train/72/image_03605.jpg b/flowers/train/72/image_03605.jpg new file mode 100644 index 00000000..a5e6a2e8 Binary files /dev/null and b/flowers/train/72/image_03605.jpg differ diff --git a/flowers/train/72/image_03606.jpg b/flowers/train/72/image_03606.jpg new file mode 100644 index 00000000..fbf81c8d Binary files /dev/null and b/flowers/train/72/image_03606.jpg differ diff --git a/flowers/train/72/image_03607.jpg b/flowers/train/72/image_03607.jpg new file mode 100644 index 00000000..7f6ef898 Binary files /dev/null and b/flowers/train/72/image_03607.jpg differ diff --git a/flowers/train/72/image_03608.jpg b/flowers/train/72/image_03608.jpg new file mode 100644 index 00000000..30d09a73 Binary files /dev/null and b/flowers/train/72/image_03608.jpg differ diff --git a/flowers/train/72/image_03609.jpg b/flowers/train/72/image_03609.jpg new file mode 100644 index 00000000..351a7077 Binary files /dev/null and b/flowers/train/72/image_03609.jpg differ diff --git a/flowers/train/72/image_03610.jpg b/flowers/train/72/image_03610.jpg new file mode 100644 index 00000000..76d0479d Binary files /dev/null and b/flowers/train/72/image_03610.jpg differ diff --git a/flowers/train/72/image_03611.jpg b/flowers/train/72/image_03611.jpg new file mode 100644 index 00000000..795ac037 Binary files /dev/null and b/flowers/train/72/image_03611.jpg differ diff --git a/flowers/train/72/image_03612.jpg b/flowers/train/72/image_03612.jpg new file mode 100644 index 00000000..1c200ad2 Binary files /dev/null and b/flowers/train/72/image_03612.jpg differ diff --git a/flowers/train/72/image_03614.jpg b/flowers/train/72/image_03614.jpg new file mode 100644 index 00000000..3997257e Binary files /dev/null and b/flowers/train/72/image_03614.jpg differ diff --git a/flowers/train/72/image_03615.jpg b/flowers/train/72/image_03615.jpg new file mode 100644 index 00000000..d229a927 Binary files /dev/null and b/flowers/train/72/image_03615.jpg differ diff --git a/flowers/train/72/image_03616.jpg b/flowers/train/72/image_03616.jpg new file mode 100644 index 00000000..c0d54be2 Binary files /dev/null and b/flowers/train/72/image_03616.jpg differ diff --git a/flowers/train/72/image_03617.jpg b/flowers/train/72/image_03617.jpg new file mode 100644 index 00000000..99d305c3 Binary files /dev/null and b/flowers/train/72/image_03617.jpg differ diff --git a/flowers/train/72/image_03618.jpg b/flowers/train/72/image_03618.jpg new file mode 100644 index 00000000..10669b19 Binary files /dev/null and b/flowers/train/72/image_03618.jpg differ diff --git a/flowers/train/72/image_03619.jpg b/flowers/train/72/image_03619.jpg new file mode 100644 index 00000000..53c9d1a3 Binary files /dev/null and b/flowers/train/72/image_03619.jpg differ diff --git a/flowers/train/72/image_03620.jpg b/flowers/train/72/image_03620.jpg new file mode 100644 index 00000000..f8a22180 Binary files /dev/null and b/flowers/train/72/image_03620.jpg differ diff --git a/flowers/train/72/image_03621.jpg b/flowers/train/72/image_03621.jpg new file mode 100644 index 00000000..e2540b36 Binary files /dev/null and b/flowers/train/72/image_03621.jpg differ diff --git a/flowers/train/72/image_03622.jpg b/flowers/train/72/image_03622.jpg new file mode 100644 index 00000000..77e42fd4 Binary files /dev/null and b/flowers/train/72/image_03622.jpg differ diff --git a/flowers/train/72/image_03623.jpg b/flowers/train/72/image_03623.jpg new file mode 100644 index 00000000..1defff0c Binary files /dev/null and b/flowers/train/72/image_03623.jpg differ diff --git a/flowers/train/72/image_03626.jpg b/flowers/train/72/image_03626.jpg new file mode 100644 index 00000000..4266a820 Binary files /dev/null and b/flowers/train/72/image_03626.jpg differ diff --git a/flowers/train/72/image_03627.jpg b/flowers/train/72/image_03627.jpg new file mode 100644 index 00000000..fb215b2d Binary files /dev/null and b/flowers/train/72/image_03627.jpg differ diff --git a/flowers/train/72/image_03629.jpg b/flowers/train/72/image_03629.jpg new file mode 100644 index 00000000..fa21b477 Binary files /dev/null and b/flowers/train/72/image_03629.jpg differ diff --git a/flowers/train/72/image_03630.jpg b/flowers/train/72/image_03630.jpg new file mode 100644 index 00000000..806ba2ba Binary files /dev/null and b/flowers/train/72/image_03630.jpg differ diff --git a/flowers/train/72/image_03631.jpg b/flowers/train/72/image_03631.jpg new file mode 100644 index 00000000..2c5acc6a Binary files /dev/null and b/flowers/train/72/image_03631.jpg differ diff --git a/flowers/train/72/image_03634.jpg b/flowers/train/72/image_03634.jpg new file mode 100644 index 00000000..40b1dd81 Binary files /dev/null and b/flowers/train/72/image_03634.jpg differ diff --git a/flowers/train/72/image_03636.jpg b/flowers/train/72/image_03636.jpg new file mode 100644 index 00000000..278f6f71 Binary files /dev/null and b/flowers/train/72/image_03636.jpg differ diff --git a/flowers/train/72/image_03637.jpg b/flowers/train/72/image_03637.jpg new file mode 100644 index 00000000..0e7ecb33 Binary files /dev/null and b/flowers/train/72/image_03637.jpg differ diff --git a/flowers/train/72/image_03638.jpg b/flowers/train/72/image_03638.jpg new file mode 100644 index 00000000..8acfde86 Binary files /dev/null and b/flowers/train/72/image_03638.jpg differ diff --git a/flowers/train/72/image_03639.jpg b/flowers/train/72/image_03639.jpg new file mode 100644 index 00000000..c440d615 Binary files /dev/null and b/flowers/train/72/image_03639.jpg differ diff --git a/flowers/train/72/image_03640.jpg b/flowers/train/72/image_03640.jpg new file mode 100644 index 00000000..0cfe2ddc Binary files /dev/null and b/flowers/train/72/image_03640.jpg differ diff --git a/flowers/train/73/image_00252.jpg b/flowers/train/73/image_00252.jpg new file mode 100644 index 00000000..84a0b441 Binary files /dev/null and b/flowers/train/73/image_00252.jpg differ diff --git a/flowers/train/73/image_00253.jpg b/flowers/train/73/image_00253.jpg new file mode 100644 index 00000000..c40d59d0 Binary files /dev/null and b/flowers/train/73/image_00253.jpg differ diff --git a/flowers/train/73/image_00254.jpg b/flowers/train/73/image_00254.jpg new file mode 100644 index 00000000..abaed863 Binary files /dev/null and b/flowers/train/73/image_00254.jpg differ diff --git a/flowers/train/73/image_00255.jpg b/flowers/train/73/image_00255.jpg new file mode 100644 index 00000000..cb844583 Binary files /dev/null and b/flowers/train/73/image_00255.jpg differ diff --git a/flowers/train/73/image_00256.jpg b/flowers/train/73/image_00256.jpg new file mode 100644 index 00000000..aa3abb7c Binary files /dev/null and b/flowers/train/73/image_00256.jpg differ diff --git a/flowers/train/73/image_00257.jpg b/flowers/train/73/image_00257.jpg new file mode 100644 index 00000000..dd3b63f5 Binary files /dev/null and b/flowers/train/73/image_00257.jpg differ diff --git a/flowers/train/73/image_00259.jpg b/flowers/train/73/image_00259.jpg new file mode 100644 index 00000000..f51d890c Binary files /dev/null and b/flowers/train/73/image_00259.jpg differ diff --git a/flowers/train/73/image_00261.jpg b/flowers/train/73/image_00261.jpg new file mode 100644 index 00000000..654f73b8 Binary files /dev/null and b/flowers/train/73/image_00261.jpg differ diff --git a/flowers/train/73/image_00262.jpg b/flowers/train/73/image_00262.jpg new file mode 100644 index 00000000..221c941d Binary files /dev/null and b/flowers/train/73/image_00262.jpg differ diff --git a/flowers/train/73/image_00263.jpg b/flowers/train/73/image_00263.jpg new file mode 100644 index 00000000..bc37af7c Binary files /dev/null and b/flowers/train/73/image_00263.jpg differ diff --git a/flowers/train/73/image_00264.jpg b/flowers/train/73/image_00264.jpg new file mode 100644 index 00000000..79766900 Binary files /dev/null and b/flowers/train/73/image_00264.jpg differ diff --git a/flowers/train/73/image_00265.jpg b/flowers/train/73/image_00265.jpg new file mode 100644 index 00000000..ad7034e7 Binary files /dev/null and b/flowers/train/73/image_00265.jpg differ diff --git a/flowers/train/73/image_00266.jpg b/flowers/train/73/image_00266.jpg new file mode 100644 index 00000000..b77fe713 Binary files /dev/null and b/flowers/train/73/image_00266.jpg differ diff --git a/flowers/train/73/image_00267.jpg b/flowers/train/73/image_00267.jpg new file mode 100644 index 00000000..6b58bbac Binary files /dev/null and b/flowers/train/73/image_00267.jpg differ diff --git a/flowers/train/73/image_00268.jpg b/flowers/train/73/image_00268.jpg new file mode 100644 index 00000000..d96c8425 Binary files /dev/null and b/flowers/train/73/image_00268.jpg differ diff --git a/flowers/train/73/image_00269.jpg b/flowers/train/73/image_00269.jpg new file mode 100644 index 00000000..6ef2d257 Binary files /dev/null and b/flowers/train/73/image_00269.jpg differ diff --git a/flowers/train/73/image_00270.jpg b/flowers/train/73/image_00270.jpg new file mode 100644 index 00000000..81eb838e Binary files /dev/null and b/flowers/train/73/image_00270.jpg differ diff --git a/flowers/train/73/image_00271.jpg b/flowers/train/73/image_00271.jpg new file mode 100644 index 00000000..516d63f1 Binary files /dev/null and b/flowers/train/73/image_00271.jpg differ diff --git a/flowers/train/73/image_00272.jpg b/flowers/train/73/image_00272.jpg new file mode 100644 index 00000000..889cbd80 Binary files /dev/null and b/flowers/train/73/image_00272.jpg differ diff --git a/flowers/train/73/image_00273.jpg b/flowers/train/73/image_00273.jpg new file mode 100644 index 00000000..84a5a480 Binary files /dev/null and b/flowers/train/73/image_00273.jpg differ diff --git a/flowers/train/73/image_00274.jpg b/flowers/train/73/image_00274.jpg new file mode 100644 index 00000000..9a0983b5 Binary files /dev/null and b/flowers/train/73/image_00274.jpg differ diff --git a/flowers/train/73/image_00276.jpg b/flowers/train/73/image_00276.jpg new file mode 100644 index 00000000..cf28edc9 Binary files /dev/null and b/flowers/train/73/image_00276.jpg differ diff --git a/flowers/train/73/image_00278.jpg b/flowers/train/73/image_00278.jpg new file mode 100644 index 00000000..f60da326 Binary files /dev/null and b/flowers/train/73/image_00278.jpg differ diff --git a/flowers/train/73/image_00279.jpg b/flowers/train/73/image_00279.jpg new file mode 100644 index 00000000..24b806af Binary files /dev/null and b/flowers/train/73/image_00279.jpg differ diff --git a/flowers/train/73/image_00281.jpg b/flowers/train/73/image_00281.jpg new file mode 100644 index 00000000..8964b091 Binary files /dev/null and b/flowers/train/73/image_00281.jpg differ diff --git a/flowers/train/73/image_00283.jpg b/flowers/train/73/image_00283.jpg new file mode 100644 index 00000000..7c53ed07 Binary files /dev/null and b/flowers/train/73/image_00283.jpg differ diff --git a/flowers/train/73/image_00285.jpg b/flowers/train/73/image_00285.jpg new file mode 100644 index 00000000..da0dd1b2 Binary files /dev/null and b/flowers/train/73/image_00285.jpg differ diff --git a/flowers/train/73/image_00286.jpg b/flowers/train/73/image_00286.jpg new file mode 100644 index 00000000..22c37b0e Binary files /dev/null and b/flowers/train/73/image_00286.jpg differ diff --git a/flowers/train/73/image_00287.jpg b/flowers/train/73/image_00287.jpg new file mode 100644 index 00000000..61fc0e5b Binary files /dev/null and b/flowers/train/73/image_00287.jpg differ diff --git a/flowers/train/73/image_00289.jpg b/flowers/train/73/image_00289.jpg new file mode 100644 index 00000000..e8f1d3be Binary files /dev/null and b/flowers/train/73/image_00289.jpg differ diff --git a/flowers/train/73/image_00290.jpg b/flowers/train/73/image_00290.jpg new file mode 100644 index 00000000..601c0029 Binary files /dev/null and b/flowers/train/73/image_00290.jpg differ diff --git a/flowers/train/73/image_00292.jpg b/flowers/train/73/image_00292.jpg new file mode 100644 index 00000000..256e1a0a Binary files /dev/null and b/flowers/train/73/image_00292.jpg differ diff --git a/flowers/train/73/image_00293.jpg b/flowers/train/73/image_00293.jpg new file mode 100644 index 00000000..3898f07c Binary files /dev/null and b/flowers/train/73/image_00293.jpg differ diff --git a/flowers/train/73/image_00296.jpg b/flowers/train/73/image_00296.jpg new file mode 100644 index 00000000..0d8a8ad6 Binary files /dev/null and b/flowers/train/73/image_00296.jpg differ diff --git a/flowers/train/73/image_00297.jpg b/flowers/train/73/image_00297.jpg new file mode 100644 index 00000000..edd83d6c Binary files /dev/null and b/flowers/train/73/image_00297.jpg differ diff --git a/flowers/train/73/image_00298.jpg b/flowers/train/73/image_00298.jpg new file mode 100644 index 00000000..00e6db32 Binary files /dev/null and b/flowers/train/73/image_00298.jpg differ diff --git a/flowers/train/73/image_00299.jpg b/flowers/train/73/image_00299.jpg new file mode 100644 index 00000000..86028580 Binary files /dev/null and b/flowers/train/73/image_00299.jpg differ diff --git a/flowers/train/73/image_00300.jpg b/flowers/train/73/image_00300.jpg new file mode 100644 index 00000000..44db9e60 Binary files /dev/null and b/flowers/train/73/image_00300.jpg differ diff --git a/flowers/train/73/image_00301.jpg b/flowers/train/73/image_00301.jpg new file mode 100644 index 00000000..4032d35c Binary files /dev/null and b/flowers/train/73/image_00301.jpg differ diff --git a/flowers/train/73/image_00304.jpg b/flowers/train/73/image_00304.jpg new file mode 100644 index 00000000..2d3a069c Binary files /dev/null and b/flowers/train/73/image_00304.jpg differ diff --git a/flowers/train/73/image_00305.jpg b/flowers/train/73/image_00305.jpg new file mode 100644 index 00000000..9de56e22 Binary files /dev/null and b/flowers/train/73/image_00305.jpg differ diff --git a/flowers/train/73/image_00306.jpg b/flowers/train/73/image_00306.jpg new file mode 100644 index 00000000..36c1a200 Binary files /dev/null and b/flowers/train/73/image_00306.jpg differ diff --git a/flowers/train/73/image_00307.jpg b/flowers/train/73/image_00307.jpg new file mode 100644 index 00000000..87dd7051 Binary files /dev/null and b/flowers/train/73/image_00307.jpg differ diff --git a/flowers/train/73/image_00308.jpg b/flowers/train/73/image_00308.jpg new file mode 100644 index 00000000..7d28262f Binary files /dev/null and b/flowers/train/73/image_00308.jpg differ diff --git a/flowers/train/73/image_00309.jpg b/flowers/train/73/image_00309.jpg new file mode 100644 index 00000000..0d19a6a3 Binary files /dev/null and b/flowers/train/73/image_00309.jpg differ diff --git a/flowers/train/73/image_00310.jpg b/flowers/train/73/image_00310.jpg new file mode 100644 index 00000000..5b530699 Binary files /dev/null and b/flowers/train/73/image_00310.jpg differ diff --git a/flowers/train/73/image_00311.jpg b/flowers/train/73/image_00311.jpg new file mode 100644 index 00000000..95addba8 Binary files /dev/null and b/flowers/train/73/image_00311.jpg differ diff --git a/flowers/train/73/image_00312.jpg b/flowers/train/73/image_00312.jpg new file mode 100644 index 00000000..7b7b2076 Binary files /dev/null and b/flowers/train/73/image_00312.jpg differ diff --git a/flowers/train/73/image_00313.jpg b/flowers/train/73/image_00313.jpg new file mode 100644 index 00000000..16cb125a Binary files /dev/null and b/flowers/train/73/image_00313.jpg differ diff --git a/flowers/train/73/image_00314.jpg b/flowers/train/73/image_00314.jpg new file mode 100644 index 00000000..f1e01afa Binary files /dev/null and b/flowers/train/73/image_00314.jpg differ diff --git a/flowers/train/73/image_00315.jpg b/flowers/train/73/image_00315.jpg new file mode 100644 index 00000000..33ac2ee2 Binary files /dev/null and b/flowers/train/73/image_00315.jpg differ diff --git a/flowers/train/73/image_00316.jpg b/flowers/train/73/image_00316.jpg new file mode 100644 index 00000000..8c5ea6bd Binary files /dev/null and b/flowers/train/73/image_00316.jpg differ diff --git a/flowers/train/73/image_00317.jpg b/flowers/train/73/image_00317.jpg new file mode 100644 index 00000000..658c04a8 Binary files /dev/null and b/flowers/train/73/image_00317.jpg differ diff --git a/flowers/train/73/image_00318.jpg b/flowers/train/73/image_00318.jpg new file mode 100644 index 00000000..4b1a1690 Binary files /dev/null and b/flowers/train/73/image_00318.jpg differ diff --git a/flowers/train/73/image_00321.jpg b/flowers/train/73/image_00321.jpg new file mode 100644 index 00000000..59e4fbae Binary files /dev/null and b/flowers/train/73/image_00321.jpg differ diff --git a/flowers/train/73/image_00322.jpg b/flowers/train/73/image_00322.jpg new file mode 100644 index 00000000..18f2eca6 Binary files /dev/null and b/flowers/train/73/image_00322.jpg differ diff --git a/flowers/train/73/image_00323.jpg b/flowers/train/73/image_00323.jpg new file mode 100644 index 00000000..501e95a3 Binary files /dev/null and b/flowers/train/73/image_00323.jpg differ diff --git a/flowers/train/73/image_00325.jpg b/flowers/train/73/image_00325.jpg new file mode 100644 index 00000000..7bf4bd10 Binary files /dev/null and b/flowers/train/73/image_00325.jpg differ diff --git a/flowers/train/73/image_00326.jpg b/flowers/train/73/image_00326.jpg new file mode 100644 index 00000000..4b5cd729 Binary files /dev/null and b/flowers/train/73/image_00326.jpg differ diff --git a/flowers/train/73/image_00327.jpg b/flowers/train/73/image_00327.jpg new file mode 100644 index 00000000..c6ad3f24 Binary files /dev/null and b/flowers/train/73/image_00327.jpg differ diff --git a/flowers/train/73/image_00328.jpg b/flowers/train/73/image_00328.jpg new file mode 100644 index 00000000..177caf5a Binary files /dev/null and b/flowers/train/73/image_00328.jpg differ diff --git a/flowers/train/73/image_00331.jpg b/flowers/train/73/image_00331.jpg new file mode 100644 index 00000000..6623d232 Binary files /dev/null and b/flowers/train/73/image_00331.jpg differ diff --git a/flowers/train/73/image_00332.jpg b/flowers/train/73/image_00332.jpg new file mode 100644 index 00000000..df21754b Binary files /dev/null and b/flowers/train/73/image_00332.jpg differ diff --git a/flowers/train/73/image_00333.jpg b/flowers/train/73/image_00333.jpg new file mode 100644 index 00000000..77416919 Binary files /dev/null and b/flowers/train/73/image_00333.jpg differ diff --git a/flowers/train/73/image_00334.jpg b/flowers/train/73/image_00334.jpg new file mode 100644 index 00000000..e3a612ef Binary files /dev/null and b/flowers/train/73/image_00334.jpg differ diff --git a/flowers/train/73/image_00336.jpg b/flowers/train/73/image_00336.jpg new file mode 100644 index 00000000..48cd2dcc Binary files /dev/null and b/flowers/train/73/image_00336.jpg differ diff --git a/flowers/train/73/image_00338.jpg b/flowers/train/73/image_00338.jpg new file mode 100644 index 00000000..1bf65bcb Binary files /dev/null and b/flowers/train/73/image_00338.jpg differ diff --git a/flowers/train/73/image_00339.jpg b/flowers/train/73/image_00339.jpg new file mode 100644 index 00000000..b4e22d8a Binary files /dev/null and b/flowers/train/73/image_00339.jpg differ diff --git a/flowers/train/73/image_00340.jpg b/flowers/train/73/image_00340.jpg new file mode 100644 index 00000000..7c8f4a13 Binary files /dev/null and b/flowers/train/73/image_00340.jpg differ diff --git a/flowers/train/73/image_00341.jpg b/flowers/train/73/image_00341.jpg new file mode 100644 index 00000000..fb6281f2 Binary files /dev/null and b/flowers/train/73/image_00341.jpg differ diff --git a/flowers/train/73/image_00342.jpg b/flowers/train/73/image_00342.jpg new file mode 100644 index 00000000..ecc58364 Binary files /dev/null and b/flowers/train/73/image_00342.jpg differ diff --git a/flowers/train/73/image_00343.jpg b/flowers/train/73/image_00343.jpg new file mode 100644 index 00000000..b38ec0ff Binary files /dev/null and b/flowers/train/73/image_00343.jpg differ diff --git a/flowers/train/73/image_00344.jpg b/flowers/train/73/image_00344.jpg new file mode 100644 index 00000000..726e53bd Binary files /dev/null and b/flowers/train/73/image_00344.jpg differ diff --git a/flowers/train/73/image_00346.jpg b/flowers/train/73/image_00346.jpg new file mode 100644 index 00000000..bfa4611b Binary files /dev/null and b/flowers/train/73/image_00346.jpg differ diff --git a/flowers/train/73/image_00347.jpg b/flowers/train/73/image_00347.jpg new file mode 100644 index 00000000..2d87a43a Binary files /dev/null and b/flowers/train/73/image_00347.jpg differ diff --git a/flowers/train/73/image_00348.jpg b/flowers/train/73/image_00348.jpg new file mode 100644 index 00000000..6947fb34 Binary files /dev/null and b/flowers/train/73/image_00348.jpg differ diff --git a/flowers/train/73/image_00350.jpg b/flowers/train/73/image_00350.jpg new file mode 100644 index 00000000..ce8942ec Binary files /dev/null and b/flowers/train/73/image_00350.jpg differ diff --git a/flowers/train/73/image_00351.jpg b/flowers/train/73/image_00351.jpg new file mode 100644 index 00000000..e22b2a28 Binary files /dev/null and b/flowers/train/73/image_00351.jpg differ diff --git a/flowers/train/73/image_00355.jpg b/flowers/train/73/image_00355.jpg new file mode 100644 index 00000000..c219a887 Binary files /dev/null and b/flowers/train/73/image_00355.jpg differ diff --git a/flowers/train/73/image_00357.jpg b/flowers/train/73/image_00357.jpg new file mode 100644 index 00000000..9049d16f Binary files /dev/null and b/flowers/train/73/image_00357.jpg differ diff --git a/flowers/train/73/image_00358.jpg b/flowers/train/73/image_00358.jpg new file mode 100644 index 00000000..a74d6f8e Binary files /dev/null and b/flowers/train/73/image_00358.jpg differ diff --git a/flowers/train/73/image_00359.jpg b/flowers/train/73/image_00359.jpg new file mode 100644 index 00000000..ced8e0c1 Binary files /dev/null and b/flowers/train/73/image_00359.jpg differ diff --git a/flowers/train/73/image_00360.jpg b/flowers/train/73/image_00360.jpg new file mode 100644 index 00000000..df89e190 Binary files /dev/null and b/flowers/train/73/image_00360.jpg differ diff --git a/flowers/train/73/image_00361.jpg b/flowers/train/73/image_00361.jpg new file mode 100644 index 00000000..b4811baf Binary files /dev/null and b/flowers/train/73/image_00361.jpg differ diff --git a/flowers/train/73/image_00362.jpg b/flowers/train/73/image_00362.jpg new file mode 100644 index 00000000..b52a0dbd Binary files /dev/null and b/flowers/train/73/image_00362.jpg differ diff --git a/flowers/train/73/image_00363.jpg b/flowers/train/73/image_00363.jpg new file mode 100644 index 00000000..2e3a30b0 Binary files /dev/null and b/flowers/train/73/image_00363.jpg differ diff --git a/flowers/train/73/image_00364.jpg b/flowers/train/73/image_00364.jpg new file mode 100644 index 00000000..d57530c6 Binary files /dev/null and b/flowers/train/73/image_00364.jpg differ diff --git a/flowers/train/73/image_00367.jpg b/flowers/train/73/image_00367.jpg new file mode 100644 index 00000000..44db7ef3 Binary files /dev/null and b/flowers/train/73/image_00367.jpg differ diff --git a/flowers/train/73/image_00368.jpg b/flowers/train/73/image_00368.jpg new file mode 100644 index 00000000..7b73110a Binary files /dev/null and b/flowers/train/73/image_00368.jpg differ diff --git a/flowers/train/73/image_00370.jpg b/flowers/train/73/image_00370.jpg new file mode 100644 index 00000000..524a3f3d Binary files /dev/null and b/flowers/train/73/image_00370.jpg differ diff --git a/flowers/train/73/image_00371.jpg b/flowers/train/73/image_00371.jpg new file mode 100644 index 00000000..629cb970 Binary files /dev/null and b/flowers/train/73/image_00371.jpg differ diff --git a/flowers/train/73/image_00372.jpg b/flowers/train/73/image_00372.jpg new file mode 100644 index 00000000..f959dd21 Binary files /dev/null and b/flowers/train/73/image_00372.jpg differ diff --git a/flowers/train/73/image_00373.jpg b/flowers/train/73/image_00373.jpg new file mode 100644 index 00000000..792946fd Binary files /dev/null and b/flowers/train/73/image_00373.jpg differ diff --git a/flowers/train/73/image_00374.jpg b/flowers/train/73/image_00374.jpg new file mode 100644 index 00000000..9c811547 Binary files /dev/null and b/flowers/train/73/image_00374.jpg differ diff --git a/flowers/train/73/image_00375.jpg b/flowers/train/73/image_00375.jpg new file mode 100644 index 00000000..9c33d62b Binary files /dev/null and b/flowers/train/73/image_00375.jpg differ diff --git a/flowers/train/73/image_00376.jpg b/flowers/train/73/image_00376.jpg new file mode 100644 index 00000000..d28e7e85 Binary files /dev/null and b/flowers/train/73/image_00376.jpg differ diff --git a/flowers/train/73/image_00377.jpg b/flowers/train/73/image_00377.jpg new file mode 100644 index 00000000..3283735a Binary files /dev/null and b/flowers/train/73/image_00377.jpg differ diff --git a/flowers/train/73/image_00379.jpg b/flowers/train/73/image_00379.jpg new file mode 100644 index 00000000..a21cec96 Binary files /dev/null and b/flowers/train/73/image_00379.jpg differ diff --git a/flowers/train/73/image_00380.jpg b/flowers/train/73/image_00380.jpg new file mode 100644 index 00000000..2a3b0878 Binary files /dev/null and b/flowers/train/73/image_00380.jpg differ diff --git a/flowers/train/73/image_00382.jpg b/flowers/train/73/image_00382.jpg new file mode 100644 index 00000000..ed18516e Binary files /dev/null and b/flowers/train/73/image_00382.jpg differ diff --git a/flowers/train/73/image_00383.jpg b/flowers/train/73/image_00383.jpg new file mode 100644 index 00000000..79e88eac Binary files /dev/null and b/flowers/train/73/image_00383.jpg differ diff --git a/flowers/train/73/image_00384.jpg b/flowers/train/73/image_00384.jpg new file mode 100644 index 00000000..9ac6c8be Binary files /dev/null and b/flowers/train/73/image_00384.jpg differ diff --git a/flowers/train/73/image_00385.jpg b/flowers/train/73/image_00385.jpg new file mode 100644 index 00000000..7157dd18 Binary files /dev/null and b/flowers/train/73/image_00385.jpg differ diff --git a/flowers/train/73/image_00386.jpg b/flowers/train/73/image_00386.jpg new file mode 100644 index 00000000..5466e3ab Binary files /dev/null and b/flowers/train/73/image_00386.jpg differ diff --git a/flowers/train/73/image_00388.jpg b/flowers/train/73/image_00388.jpg new file mode 100644 index 00000000..7e2fc0ef Binary files /dev/null and b/flowers/train/73/image_00388.jpg differ diff --git a/flowers/train/73/image_00390.jpg b/flowers/train/73/image_00390.jpg new file mode 100644 index 00000000..d7413306 Binary files /dev/null and b/flowers/train/73/image_00390.jpg differ diff --git a/flowers/train/73/image_00391.jpg b/flowers/train/73/image_00391.jpg new file mode 100644 index 00000000..664196b8 Binary files /dev/null and b/flowers/train/73/image_00391.jpg differ diff --git a/flowers/train/73/image_00392.jpg b/flowers/train/73/image_00392.jpg new file mode 100644 index 00000000..25c03ce1 Binary files /dev/null and b/flowers/train/73/image_00392.jpg differ diff --git a/flowers/train/73/image_00393.jpg b/flowers/train/73/image_00393.jpg new file mode 100644 index 00000000..37fde058 Binary files /dev/null and b/flowers/train/73/image_00393.jpg differ diff --git a/flowers/train/73/image_00395.jpg b/flowers/train/73/image_00395.jpg new file mode 100644 index 00000000..4e5a3cc2 Binary files /dev/null and b/flowers/train/73/image_00395.jpg differ diff --git a/flowers/train/73/image_00396.jpg b/flowers/train/73/image_00396.jpg new file mode 100644 index 00000000..a45cb849 Binary files /dev/null and b/flowers/train/73/image_00396.jpg differ diff --git a/flowers/train/73/image_00397.jpg b/flowers/train/73/image_00397.jpg new file mode 100644 index 00000000..731b8ca9 Binary files /dev/null and b/flowers/train/73/image_00397.jpg differ diff --git a/flowers/train/73/image_00398.jpg b/flowers/train/73/image_00398.jpg new file mode 100644 index 00000000..83b6beff Binary files /dev/null and b/flowers/train/73/image_00398.jpg differ diff --git a/flowers/train/73/image_00399.jpg b/flowers/train/73/image_00399.jpg new file mode 100644 index 00000000..7c8c281a Binary files /dev/null and b/flowers/train/73/image_00399.jpg differ diff --git a/flowers/train/73/image_00403.jpg b/flowers/train/73/image_00403.jpg new file mode 100644 index 00000000..fde89aef Binary files /dev/null and b/flowers/train/73/image_00403.jpg differ diff --git a/flowers/train/73/image_00404.jpg b/flowers/train/73/image_00404.jpg new file mode 100644 index 00000000..62410ee9 Binary files /dev/null and b/flowers/train/73/image_00404.jpg differ diff --git a/flowers/train/73/image_00405.jpg b/flowers/train/73/image_00405.jpg new file mode 100644 index 00000000..93141f0d Binary files /dev/null and b/flowers/train/73/image_00405.jpg differ diff --git a/flowers/train/73/image_00406.jpg b/flowers/train/73/image_00406.jpg new file mode 100644 index 00000000..b008405e Binary files /dev/null and b/flowers/train/73/image_00406.jpg differ diff --git a/flowers/train/73/image_00407.jpg b/flowers/train/73/image_00407.jpg new file mode 100644 index 00000000..bff554ab Binary files /dev/null and b/flowers/train/73/image_00407.jpg differ diff --git a/flowers/train/73/image_00408.jpg b/flowers/train/73/image_00408.jpg new file mode 100644 index 00000000..68f2c1cb Binary files /dev/null and b/flowers/train/73/image_00408.jpg differ diff --git a/flowers/train/73/image_00410.jpg b/flowers/train/73/image_00410.jpg new file mode 100644 index 00000000..6af0c231 Binary files /dev/null and b/flowers/train/73/image_00410.jpg differ diff --git a/flowers/train/73/image_00411.jpg b/flowers/train/73/image_00411.jpg new file mode 100644 index 00000000..2cdf19e2 Binary files /dev/null and b/flowers/train/73/image_00411.jpg differ diff --git a/flowers/train/73/image_00412.jpg b/flowers/train/73/image_00412.jpg new file mode 100644 index 00000000..204c2c3d Binary files /dev/null and b/flowers/train/73/image_00412.jpg differ diff --git a/flowers/train/73/image_00413.jpg b/flowers/train/73/image_00413.jpg new file mode 100644 index 00000000..3d69adad Binary files /dev/null and b/flowers/train/73/image_00413.jpg differ diff --git a/flowers/train/73/image_00414.jpg b/flowers/train/73/image_00414.jpg new file mode 100644 index 00000000..863fd612 Binary files /dev/null and b/flowers/train/73/image_00414.jpg differ diff --git a/flowers/train/73/image_00416.jpg b/flowers/train/73/image_00416.jpg new file mode 100644 index 00000000..35b7bad2 Binary files /dev/null and b/flowers/train/73/image_00416.jpg differ diff --git a/flowers/train/73/image_00417.jpg b/flowers/train/73/image_00417.jpg new file mode 100644 index 00000000..b7e15a86 Binary files /dev/null and b/flowers/train/73/image_00417.jpg differ diff --git a/flowers/train/73/image_00418.jpg b/flowers/train/73/image_00418.jpg new file mode 100644 index 00000000..ea55601d Binary files /dev/null and b/flowers/train/73/image_00418.jpg differ diff --git a/flowers/train/73/image_00419.jpg b/flowers/train/73/image_00419.jpg new file mode 100644 index 00000000..d6381f4f Binary files /dev/null and b/flowers/train/73/image_00419.jpg differ diff --git a/flowers/train/73/image_00420.jpg b/flowers/train/73/image_00420.jpg new file mode 100644 index 00000000..ff7c8016 Binary files /dev/null and b/flowers/train/73/image_00420.jpg differ diff --git a/flowers/train/73/image_00422.jpg b/flowers/train/73/image_00422.jpg new file mode 100644 index 00000000..50017ec2 Binary files /dev/null and b/flowers/train/73/image_00422.jpg differ diff --git a/flowers/train/73/image_00423.jpg b/flowers/train/73/image_00423.jpg new file mode 100644 index 00000000..6ae543d0 Binary files /dev/null and b/flowers/train/73/image_00423.jpg differ diff --git a/flowers/train/73/image_00425.jpg b/flowers/train/73/image_00425.jpg new file mode 100644 index 00000000..cfdfa666 Binary files /dev/null and b/flowers/train/73/image_00425.jpg differ diff --git a/flowers/train/73/image_00427.jpg b/flowers/train/73/image_00427.jpg new file mode 100644 index 00000000..b093555a Binary files /dev/null and b/flowers/train/73/image_00427.jpg differ diff --git a/flowers/train/73/image_00428.jpg b/flowers/train/73/image_00428.jpg new file mode 100644 index 00000000..224d6951 Binary files /dev/null and b/flowers/train/73/image_00428.jpg differ diff --git a/flowers/train/73/image_00429.jpg b/flowers/train/73/image_00429.jpg new file mode 100644 index 00000000..6cdac12d Binary files /dev/null and b/flowers/train/73/image_00429.jpg differ diff --git a/flowers/train/73/image_00430.jpg b/flowers/train/73/image_00430.jpg new file mode 100644 index 00000000..e59c73db Binary files /dev/null and b/flowers/train/73/image_00430.jpg differ diff --git a/flowers/train/73/image_00431.jpg b/flowers/train/73/image_00431.jpg new file mode 100644 index 00000000..490d8a1d Binary files /dev/null and b/flowers/train/73/image_00431.jpg differ diff --git a/flowers/train/73/image_00433.jpg b/flowers/train/73/image_00433.jpg new file mode 100644 index 00000000..de981b5c Binary files /dev/null and b/flowers/train/73/image_00433.jpg differ diff --git a/flowers/train/73/image_00434.jpg b/flowers/train/73/image_00434.jpg new file mode 100644 index 00000000..a0e10096 Binary files /dev/null and b/flowers/train/73/image_00434.jpg differ diff --git a/flowers/train/73/image_00435.jpg b/flowers/train/73/image_00435.jpg new file mode 100644 index 00000000..13b8d54e Binary files /dev/null and b/flowers/train/73/image_00435.jpg differ diff --git a/flowers/train/73/image_00437.jpg b/flowers/train/73/image_00437.jpg new file mode 100644 index 00000000..aae4ebb3 Binary files /dev/null and b/flowers/train/73/image_00437.jpg differ diff --git a/flowers/train/73/image_00438.jpg b/flowers/train/73/image_00438.jpg new file mode 100644 index 00000000..eec9f882 Binary files /dev/null and b/flowers/train/73/image_00438.jpg differ diff --git a/flowers/train/73/image_00439.jpg b/flowers/train/73/image_00439.jpg new file mode 100644 index 00000000..33c0851a Binary files /dev/null and b/flowers/train/73/image_00439.jpg differ diff --git a/flowers/train/73/image_00441.jpg b/flowers/train/73/image_00441.jpg new file mode 100644 index 00000000..a3731205 Binary files /dev/null and b/flowers/train/73/image_00441.jpg differ diff --git a/flowers/train/73/image_00443.jpg b/flowers/train/73/image_00443.jpg new file mode 100644 index 00000000..c412091c Binary files /dev/null and b/flowers/train/73/image_00443.jpg differ diff --git a/flowers/train/73/image_00444.jpg b/flowers/train/73/image_00444.jpg new file mode 100644 index 00000000..a82fead5 Binary files /dev/null and b/flowers/train/73/image_00444.jpg differ diff --git a/flowers/train/74/image_01143.jpg b/flowers/train/74/image_01143.jpg new file mode 100644 index 00000000..a782494c Binary files /dev/null and b/flowers/train/74/image_01143.jpg differ diff --git a/flowers/train/74/image_01144.jpg b/flowers/train/74/image_01144.jpg new file mode 100644 index 00000000..2382d144 Binary files /dev/null and b/flowers/train/74/image_01144.jpg differ diff --git a/flowers/train/74/image_01145.jpg b/flowers/train/74/image_01145.jpg new file mode 100644 index 00000000..e1a2d15a Binary files /dev/null and b/flowers/train/74/image_01145.jpg differ diff --git a/flowers/train/74/image_01146.jpg b/flowers/train/74/image_01146.jpg new file mode 100644 index 00000000..1aa22aaf Binary files /dev/null and b/flowers/train/74/image_01146.jpg differ diff --git a/flowers/train/74/image_01147.jpg b/flowers/train/74/image_01147.jpg new file mode 100644 index 00000000..39e339c9 Binary files /dev/null and b/flowers/train/74/image_01147.jpg differ diff --git a/flowers/train/74/image_01148.jpg b/flowers/train/74/image_01148.jpg new file mode 100644 index 00000000..632b726b Binary files /dev/null and b/flowers/train/74/image_01148.jpg differ diff --git a/flowers/train/74/image_01150.jpg b/flowers/train/74/image_01150.jpg new file mode 100644 index 00000000..74b245b4 Binary files /dev/null and b/flowers/train/74/image_01150.jpg differ diff --git a/flowers/train/74/image_01152.jpg b/flowers/train/74/image_01152.jpg new file mode 100644 index 00000000..2a2cdabc Binary files /dev/null and b/flowers/train/74/image_01152.jpg differ diff --git a/flowers/train/74/image_01153.jpg b/flowers/train/74/image_01153.jpg new file mode 100644 index 00000000..338472d0 Binary files /dev/null and b/flowers/train/74/image_01153.jpg differ diff --git a/flowers/train/74/image_01154.jpg b/flowers/train/74/image_01154.jpg new file mode 100644 index 00000000..42698755 Binary files /dev/null and b/flowers/train/74/image_01154.jpg differ diff --git a/flowers/train/74/image_01155.jpg b/flowers/train/74/image_01155.jpg new file mode 100644 index 00000000..1c8a4166 Binary files /dev/null and b/flowers/train/74/image_01155.jpg differ diff --git a/flowers/train/74/image_01156.jpg b/flowers/train/74/image_01156.jpg new file mode 100644 index 00000000..0a7c504a Binary files /dev/null and b/flowers/train/74/image_01156.jpg differ diff --git a/flowers/train/74/image_01158.jpg b/flowers/train/74/image_01158.jpg new file mode 100644 index 00000000..29326e9d Binary files /dev/null and b/flowers/train/74/image_01158.jpg differ diff --git a/flowers/train/74/image_01159.jpg b/flowers/train/74/image_01159.jpg new file mode 100644 index 00000000..4af2d626 Binary files /dev/null and b/flowers/train/74/image_01159.jpg differ diff --git a/flowers/train/74/image_01160.jpg b/flowers/train/74/image_01160.jpg new file mode 100644 index 00000000..d4540d7e Binary files /dev/null and b/flowers/train/74/image_01160.jpg differ diff --git a/flowers/train/74/image_01161.jpg b/flowers/train/74/image_01161.jpg new file mode 100644 index 00000000..7c38aaed Binary files /dev/null and b/flowers/train/74/image_01161.jpg differ diff --git a/flowers/train/74/image_01162.jpg b/flowers/train/74/image_01162.jpg new file mode 100644 index 00000000..ff7b1929 Binary files /dev/null and b/flowers/train/74/image_01162.jpg differ diff --git a/flowers/train/74/image_01163.jpg b/flowers/train/74/image_01163.jpg new file mode 100644 index 00000000..0b952c4c Binary files /dev/null and b/flowers/train/74/image_01163.jpg differ diff --git a/flowers/train/74/image_01164.jpg b/flowers/train/74/image_01164.jpg new file mode 100644 index 00000000..aab0576f Binary files /dev/null and b/flowers/train/74/image_01164.jpg differ diff --git a/flowers/train/74/image_01166.jpg b/flowers/train/74/image_01166.jpg new file mode 100644 index 00000000..23c32f41 Binary files /dev/null and b/flowers/train/74/image_01166.jpg differ diff --git a/flowers/train/74/image_01167.jpg b/flowers/train/74/image_01167.jpg new file mode 100644 index 00000000..5ada4ff6 Binary files /dev/null and b/flowers/train/74/image_01167.jpg differ diff --git a/flowers/train/74/image_01168.jpg b/flowers/train/74/image_01168.jpg new file mode 100644 index 00000000..28e417e2 Binary files /dev/null and b/flowers/train/74/image_01168.jpg differ diff --git a/flowers/train/74/image_01169.jpg b/flowers/train/74/image_01169.jpg new file mode 100644 index 00000000..aefa15eb Binary files /dev/null and b/flowers/train/74/image_01169.jpg differ diff --git a/flowers/train/74/image_01170.jpg b/flowers/train/74/image_01170.jpg new file mode 100644 index 00000000..36b2bf7f Binary files /dev/null and b/flowers/train/74/image_01170.jpg differ diff --git a/flowers/train/74/image_01171.jpg b/flowers/train/74/image_01171.jpg new file mode 100644 index 00000000..8d2ac117 Binary files /dev/null and b/flowers/train/74/image_01171.jpg differ diff --git a/flowers/train/74/image_01172.jpg b/flowers/train/74/image_01172.jpg new file mode 100644 index 00000000..abc6338a Binary files /dev/null and b/flowers/train/74/image_01172.jpg differ diff --git a/flowers/train/74/image_01174.jpg b/flowers/train/74/image_01174.jpg new file mode 100644 index 00000000..a6713c6f Binary files /dev/null and b/flowers/train/74/image_01174.jpg differ diff --git a/flowers/train/74/image_01176.jpg b/flowers/train/74/image_01176.jpg new file mode 100644 index 00000000..e4d891fb Binary files /dev/null and b/flowers/train/74/image_01176.jpg differ diff --git a/flowers/train/74/image_01177.jpg b/flowers/train/74/image_01177.jpg new file mode 100644 index 00000000..81d1aaad Binary files /dev/null and b/flowers/train/74/image_01177.jpg differ diff --git a/flowers/train/74/image_01178.jpg b/flowers/train/74/image_01178.jpg new file mode 100644 index 00000000..b9d4aa30 Binary files /dev/null and b/flowers/train/74/image_01178.jpg differ diff --git a/flowers/train/74/image_01179.jpg b/flowers/train/74/image_01179.jpg new file mode 100644 index 00000000..d1b5e1e2 Binary files /dev/null and b/flowers/train/74/image_01179.jpg differ diff --git a/flowers/train/74/image_01180.jpg b/flowers/train/74/image_01180.jpg new file mode 100644 index 00000000..dc123ed9 Binary files /dev/null and b/flowers/train/74/image_01180.jpg differ diff --git a/flowers/train/74/image_01181.jpg b/flowers/train/74/image_01181.jpg new file mode 100644 index 00000000..19cfc882 Binary files /dev/null and b/flowers/train/74/image_01181.jpg differ diff --git a/flowers/train/74/image_01182.jpg b/flowers/train/74/image_01182.jpg new file mode 100644 index 00000000..989d467a Binary files /dev/null and b/flowers/train/74/image_01182.jpg differ diff --git a/flowers/train/74/image_01183.jpg b/flowers/train/74/image_01183.jpg new file mode 100644 index 00000000..deaa5348 Binary files /dev/null and b/flowers/train/74/image_01183.jpg differ diff --git a/flowers/train/74/image_01184.jpg b/flowers/train/74/image_01184.jpg new file mode 100644 index 00000000..f0adf02c Binary files /dev/null and b/flowers/train/74/image_01184.jpg differ diff --git a/flowers/train/74/image_01185.jpg b/flowers/train/74/image_01185.jpg new file mode 100644 index 00000000..cad06ec7 Binary files /dev/null and b/flowers/train/74/image_01185.jpg differ diff --git a/flowers/train/74/image_01186.jpg b/flowers/train/74/image_01186.jpg new file mode 100644 index 00000000..4a4f6734 Binary files /dev/null and b/flowers/train/74/image_01186.jpg differ diff --git a/flowers/train/74/image_01187.jpg b/flowers/train/74/image_01187.jpg new file mode 100644 index 00000000..12c6a72f Binary files /dev/null and b/flowers/train/74/image_01187.jpg differ diff --git a/flowers/train/74/image_01188.jpg b/flowers/train/74/image_01188.jpg new file mode 100644 index 00000000..7aee44c3 Binary files /dev/null and b/flowers/train/74/image_01188.jpg differ diff --git a/flowers/train/74/image_01189.jpg b/flowers/train/74/image_01189.jpg new file mode 100644 index 00000000..c66a38e8 Binary files /dev/null and b/flowers/train/74/image_01189.jpg differ diff --git a/flowers/train/74/image_01193.jpg b/flowers/train/74/image_01193.jpg new file mode 100644 index 00000000..57c1b6a0 Binary files /dev/null and b/flowers/train/74/image_01193.jpg differ diff --git a/flowers/train/74/image_01194.jpg b/flowers/train/74/image_01194.jpg new file mode 100644 index 00000000..df426243 Binary files /dev/null and b/flowers/train/74/image_01194.jpg differ diff --git a/flowers/train/74/image_01195.jpg b/flowers/train/74/image_01195.jpg new file mode 100644 index 00000000..e8a6a678 Binary files /dev/null and b/flowers/train/74/image_01195.jpg differ diff --git a/flowers/train/74/image_01196.jpg b/flowers/train/74/image_01196.jpg new file mode 100644 index 00000000..a5b83f6c Binary files /dev/null and b/flowers/train/74/image_01196.jpg differ diff --git a/flowers/train/74/image_01197.jpg b/flowers/train/74/image_01197.jpg new file mode 100644 index 00000000..f47b5bc6 Binary files /dev/null and b/flowers/train/74/image_01197.jpg differ diff --git a/flowers/train/74/image_01198.jpg b/flowers/train/74/image_01198.jpg new file mode 100644 index 00000000..d8cb7476 Binary files /dev/null and b/flowers/train/74/image_01198.jpg differ diff --git a/flowers/train/74/image_01199.jpg b/flowers/train/74/image_01199.jpg new file mode 100644 index 00000000..eb84cf78 Binary files /dev/null and b/flowers/train/74/image_01199.jpg differ diff --git a/flowers/train/74/image_01201.jpg b/flowers/train/74/image_01201.jpg new file mode 100644 index 00000000..898b6616 Binary files /dev/null and b/flowers/train/74/image_01201.jpg differ diff --git a/flowers/train/74/image_01202.jpg b/flowers/train/74/image_01202.jpg new file mode 100644 index 00000000..6b3eb929 Binary files /dev/null and b/flowers/train/74/image_01202.jpg differ diff --git a/flowers/train/74/image_01203.jpg b/flowers/train/74/image_01203.jpg new file mode 100644 index 00000000..9aba3729 Binary files /dev/null and b/flowers/train/74/image_01203.jpg differ diff --git a/flowers/train/74/image_01204.jpg b/flowers/train/74/image_01204.jpg new file mode 100644 index 00000000..262d55c5 Binary files /dev/null and b/flowers/train/74/image_01204.jpg differ diff --git a/flowers/train/74/image_01205.jpg b/flowers/train/74/image_01205.jpg new file mode 100644 index 00000000..3577ae6a Binary files /dev/null and b/flowers/train/74/image_01205.jpg differ diff --git a/flowers/train/74/image_01206.jpg b/flowers/train/74/image_01206.jpg new file mode 100644 index 00000000..5bec312a Binary files /dev/null and b/flowers/train/74/image_01206.jpg differ diff --git a/flowers/train/74/image_01207.jpg b/flowers/train/74/image_01207.jpg new file mode 100644 index 00000000..72065f80 Binary files /dev/null and b/flowers/train/74/image_01207.jpg differ diff --git a/flowers/train/74/image_01208.jpg b/flowers/train/74/image_01208.jpg new file mode 100644 index 00000000..bd3d51d4 Binary files /dev/null and b/flowers/train/74/image_01208.jpg differ diff --git a/flowers/train/74/image_01210.jpg b/flowers/train/74/image_01210.jpg new file mode 100644 index 00000000..056bf5fc Binary files /dev/null and b/flowers/train/74/image_01210.jpg differ diff --git a/flowers/train/74/image_01211.jpg b/flowers/train/74/image_01211.jpg new file mode 100644 index 00000000..9756fa70 Binary files /dev/null and b/flowers/train/74/image_01211.jpg differ diff --git a/flowers/train/74/image_01212.jpg b/flowers/train/74/image_01212.jpg new file mode 100644 index 00000000..11b8c445 Binary files /dev/null and b/flowers/train/74/image_01212.jpg differ diff --git a/flowers/train/74/image_01214.jpg b/flowers/train/74/image_01214.jpg new file mode 100644 index 00000000..0ffa2a1d Binary files /dev/null and b/flowers/train/74/image_01214.jpg differ diff --git a/flowers/train/74/image_01215.jpg b/flowers/train/74/image_01215.jpg new file mode 100644 index 00000000..c285922f Binary files /dev/null and b/flowers/train/74/image_01215.jpg differ diff --git a/flowers/train/74/image_01216.jpg b/flowers/train/74/image_01216.jpg new file mode 100644 index 00000000..2cd54e83 Binary files /dev/null and b/flowers/train/74/image_01216.jpg differ diff --git a/flowers/train/74/image_01217.jpg b/flowers/train/74/image_01217.jpg new file mode 100644 index 00000000..beb87583 Binary files /dev/null and b/flowers/train/74/image_01217.jpg differ diff --git a/flowers/train/74/image_01218.jpg b/flowers/train/74/image_01218.jpg new file mode 100644 index 00000000..bd2c5350 Binary files /dev/null and b/flowers/train/74/image_01218.jpg differ diff --git a/flowers/train/74/image_01219.jpg b/flowers/train/74/image_01219.jpg new file mode 100644 index 00000000..1d385b97 Binary files /dev/null and b/flowers/train/74/image_01219.jpg differ diff --git a/flowers/train/74/image_01220.jpg b/flowers/train/74/image_01220.jpg new file mode 100644 index 00000000..274d7526 Binary files /dev/null and b/flowers/train/74/image_01220.jpg differ diff --git a/flowers/train/74/image_01221.jpg b/flowers/train/74/image_01221.jpg new file mode 100644 index 00000000..de5355c7 Binary files /dev/null and b/flowers/train/74/image_01221.jpg differ diff --git a/flowers/train/74/image_01223.jpg b/flowers/train/74/image_01223.jpg new file mode 100644 index 00000000..3ebb674a Binary files /dev/null and b/flowers/train/74/image_01223.jpg differ diff --git a/flowers/train/74/image_01224.jpg b/flowers/train/74/image_01224.jpg new file mode 100644 index 00000000..0f8871a4 Binary files /dev/null and b/flowers/train/74/image_01224.jpg differ diff --git a/flowers/train/74/image_01225.jpg b/flowers/train/74/image_01225.jpg new file mode 100644 index 00000000..a9fc4702 Binary files /dev/null and b/flowers/train/74/image_01225.jpg differ diff --git a/flowers/train/74/image_01226.jpg b/flowers/train/74/image_01226.jpg new file mode 100644 index 00000000..69a5ee15 Binary files /dev/null and b/flowers/train/74/image_01226.jpg differ diff --git a/flowers/train/74/image_01227.jpg b/flowers/train/74/image_01227.jpg new file mode 100644 index 00000000..707175d5 Binary files /dev/null and b/flowers/train/74/image_01227.jpg differ diff --git a/flowers/train/74/image_01228.jpg b/flowers/train/74/image_01228.jpg new file mode 100644 index 00000000..26310bd5 Binary files /dev/null and b/flowers/train/74/image_01228.jpg differ diff --git a/flowers/train/74/image_01229.jpg b/flowers/train/74/image_01229.jpg new file mode 100644 index 00000000..d9b57a22 Binary files /dev/null and b/flowers/train/74/image_01229.jpg differ diff --git a/flowers/train/74/image_01230.jpg b/flowers/train/74/image_01230.jpg new file mode 100644 index 00000000..c921bb53 Binary files /dev/null and b/flowers/train/74/image_01230.jpg differ diff --git a/flowers/train/74/image_01231.jpg b/flowers/train/74/image_01231.jpg new file mode 100644 index 00000000..95322bda Binary files /dev/null and b/flowers/train/74/image_01231.jpg differ diff --git a/flowers/train/74/image_01232.jpg b/flowers/train/74/image_01232.jpg new file mode 100644 index 00000000..5f3f3c05 Binary files /dev/null and b/flowers/train/74/image_01232.jpg differ diff --git a/flowers/train/74/image_01233.jpg b/flowers/train/74/image_01233.jpg new file mode 100644 index 00000000..8514f879 Binary files /dev/null and b/flowers/train/74/image_01233.jpg differ diff --git a/flowers/train/74/image_01234.jpg b/flowers/train/74/image_01234.jpg new file mode 100644 index 00000000..8092ecfd Binary files /dev/null and b/flowers/train/74/image_01234.jpg differ diff --git a/flowers/train/74/image_01235.jpg b/flowers/train/74/image_01235.jpg new file mode 100644 index 00000000..47c9e367 Binary files /dev/null and b/flowers/train/74/image_01235.jpg differ diff --git a/flowers/train/74/image_01236.jpg b/flowers/train/74/image_01236.jpg new file mode 100644 index 00000000..841ab9a4 Binary files /dev/null and b/flowers/train/74/image_01236.jpg differ diff --git a/flowers/train/74/image_01237.jpg b/flowers/train/74/image_01237.jpg new file mode 100644 index 00000000..f79f71da Binary files /dev/null and b/flowers/train/74/image_01237.jpg differ diff --git a/flowers/train/74/image_01238.jpg b/flowers/train/74/image_01238.jpg new file mode 100644 index 00000000..38850aef Binary files /dev/null and b/flowers/train/74/image_01238.jpg differ diff --git a/flowers/train/74/image_01239.jpg b/flowers/train/74/image_01239.jpg new file mode 100644 index 00000000..2f8e7abf Binary files /dev/null and b/flowers/train/74/image_01239.jpg differ diff --git a/flowers/train/74/image_01240.jpg b/flowers/train/74/image_01240.jpg new file mode 100644 index 00000000..bb1a1bb9 Binary files /dev/null and b/flowers/train/74/image_01240.jpg differ diff --git a/flowers/train/74/image_01241.jpg b/flowers/train/74/image_01241.jpg new file mode 100644 index 00000000..8b271495 Binary files /dev/null and b/flowers/train/74/image_01241.jpg differ diff --git a/flowers/train/74/image_01242.jpg b/flowers/train/74/image_01242.jpg new file mode 100644 index 00000000..d195bd75 Binary files /dev/null and b/flowers/train/74/image_01242.jpg differ diff --git a/flowers/train/74/image_01243.jpg b/flowers/train/74/image_01243.jpg new file mode 100644 index 00000000..f034c39b Binary files /dev/null and b/flowers/train/74/image_01243.jpg differ diff --git a/flowers/train/74/image_01245.jpg b/flowers/train/74/image_01245.jpg new file mode 100644 index 00000000..05033da9 Binary files /dev/null and b/flowers/train/74/image_01245.jpg differ diff --git a/flowers/train/74/image_01246.jpg b/flowers/train/74/image_01246.jpg new file mode 100644 index 00000000..41254a6a Binary files /dev/null and b/flowers/train/74/image_01246.jpg differ diff --git a/flowers/train/74/image_01247.jpg b/flowers/train/74/image_01247.jpg new file mode 100644 index 00000000..8c22f08a Binary files /dev/null and b/flowers/train/74/image_01247.jpg differ diff --git a/flowers/train/74/image_01248.jpg b/flowers/train/74/image_01248.jpg new file mode 100644 index 00000000..4b5a4ed1 Binary files /dev/null and b/flowers/train/74/image_01248.jpg differ diff --git a/flowers/train/74/image_01250.jpg b/flowers/train/74/image_01250.jpg new file mode 100644 index 00000000..0e201f3f Binary files /dev/null and b/flowers/train/74/image_01250.jpg differ diff --git a/flowers/train/74/image_01252.jpg b/flowers/train/74/image_01252.jpg new file mode 100644 index 00000000..cf8362b2 Binary files /dev/null and b/flowers/train/74/image_01252.jpg differ diff --git a/flowers/train/74/image_01253.jpg b/flowers/train/74/image_01253.jpg new file mode 100644 index 00000000..02f80153 Binary files /dev/null and b/flowers/train/74/image_01253.jpg differ diff --git a/flowers/train/74/image_01255.jpg b/flowers/train/74/image_01255.jpg new file mode 100644 index 00000000..a40dd4a6 Binary files /dev/null and b/flowers/train/74/image_01255.jpg differ diff --git a/flowers/train/74/image_01257.jpg b/flowers/train/74/image_01257.jpg new file mode 100644 index 00000000..26ae241b Binary files /dev/null and b/flowers/train/74/image_01257.jpg differ diff --git a/flowers/train/74/image_01258.jpg b/flowers/train/74/image_01258.jpg new file mode 100644 index 00000000..41470789 Binary files /dev/null and b/flowers/train/74/image_01258.jpg differ diff --git a/flowers/train/74/image_01259.jpg b/flowers/train/74/image_01259.jpg new file mode 100644 index 00000000..46ca4573 Binary files /dev/null and b/flowers/train/74/image_01259.jpg differ diff --git a/flowers/train/74/image_01261.jpg b/flowers/train/74/image_01261.jpg new file mode 100644 index 00000000..88901f2d Binary files /dev/null and b/flowers/train/74/image_01261.jpg differ diff --git a/flowers/train/74/image_01262.jpg b/flowers/train/74/image_01262.jpg new file mode 100644 index 00000000..ac6fc131 Binary files /dev/null and b/flowers/train/74/image_01262.jpg differ diff --git a/flowers/train/74/image_01263.jpg b/flowers/train/74/image_01263.jpg new file mode 100644 index 00000000..6c2685c6 Binary files /dev/null and b/flowers/train/74/image_01263.jpg differ diff --git a/flowers/train/74/image_01265.jpg b/flowers/train/74/image_01265.jpg new file mode 100644 index 00000000..648c2060 Binary files /dev/null and b/flowers/train/74/image_01265.jpg differ diff --git a/flowers/train/74/image_01267.jpg b/flowers/train/74/image_01267.jpg new file mode 100644 index 00000000..23b96df8 Binary files /dev/null and b/flowers/train/74/image_01267.jpg differ diff --git a/flowers/train/74/image_01268.jpg b/flowers/train/74/image_01268.jpg new file mode 100644 index 00000000..c701390b Binary files /dev/null and b/flowers/train/74/image_01268.jpg differ diff --git a/flowers/train/74/image_01269.jpg b/flowers/train/74/image_01269.jpg new file mode 100644 index 00000000..cc564b66 Binary files /dev/null and b/flowers/train/74/image_01269.jpg differ diff --git a/flowers/train/74/image_01270.jpg b/flowers/train/74/image_01270.jpg new file mode 100644 index 00000000..db3a0c98 Binary files /dev/null and b/flowers/train/74/image_01270.jpg differ diff --git a/flowers/train/74/image_01272.jpg b/flowers/train/74/image_01272.jpg new file mode 100644 index 00000000..c53aa8ed Binary files /dev/null and b/flowers/train/74/image_01272.jpg differ diff --git a/flowers/train/74/image_01273.jpg b/flowers/train/74/image_01273.jpg new file mode 100644 index 00000000..59af9b00 Binary files /dev/null and b/flowers/train/74/image_01273.jpg differ diff --git a/flowers/train/74/image_01274.jpg b/flowers/train/74/image_01274.jpg new file mode 100644 index 00000000..58ee36f6 Binary files /dev/null and b/flowers/train/74/image_01274.jpg differ diff --git a/flowers/train/74/image_01275.jpg b/flowers/train/74/image_01275.jpg new file mode 100644 index 00000000..64ca3ef9 Binary files /dev/null and b/flowers/train/74/image_01275.jpg differ diff --git a/flowers/train/74/image_01277.jpg b/flowers/train/74/image_01277.jpg new file mode 100644 index 00000000..8e2e0d62 Binary files /dev/null and b/flowers/train/74/image_01277.jpg differ diff --git a/flowers/train/74/image_01278.jpg b/flowers/train/74/image_01278.jpg new file mode 100644 index 00000000..b2330dcd Binary files /dev/null and b/flowers/train/74/image_01278.jpg differ diff --git a/flowers/train/74/image_01279.jpg b/flowers/train/74/image_01279.jpg new file mode 100644 index 00000000..b051200b Binary files /dev/null and b/flowers/train/74/image_01279.jpg differ diff --git a/flowers/train/74/image_01280.jpg b/flowers/train/74/image_01280.jpg new file mode 100644 index 00000000..572265a8 Binary files /dev/null and b/flowers/train/74/image_01280.jpg differ diff --git a/flowers/train/74/image_01281.jpg b/flowers/train/74/image_01281.jpg new file mode 100644 index 00000000..c6aa18a5 Binary files /dev/null and b/flowers/train/74/image_01281.jpg differ diff --git a/flowers/train/74/image_01282.jpg b/flowers/train/74/image_01282.jpg new file mode 100644 index 00000000..96b4793d Binary files /dev/null and b/flowers/train/74/image_01282.jpg differ diff --git a/flowers/train/74/image_01283.jpg b/flowers/train/74/image_01283.jpg new file mode 100644 index 00000000..7f371429 Binary files /dev/null and b/flowers/train/74/image_01283.jpg differ diff --git a/flowers/train/74/image_01284.jpg b/flowers/train/74/image_01284.jpg new file mode 100644 index 00000000..20585100 Binary files /dev/null and b/flowers/train/74/image_01284.jpg differ diff --git a/flowers/train/74/image_01285.jpg b/flowers/train/74/image_01285.jpg new file mode 100644 index 00000000..f107e620 Binary files /dev/null and b/flowers/train/74/image_01285.jpg differ diff --git a/flowers/train/74/image_01286.jpg b/flowers/train/74/image_01286.jpg new file mode 100644 index 00000000..dccc7018 Binary files /dev/null and b/flowers/train/74/image_01286.jpg differ diff --git a/flowers/train/74/image_01287.jpg b/flowers/train/74/image_01287.jpg new file mode 100644 index 00000000..a0b70a26 Binary files /dev/null and b/flowers/train/74/image_01287.jpg differ diff --git a/flowers/train/74/image_01289.jpg b/flowers/train/74/image_01289.jpg new file mode 100644 index 00000000..c0ee86f9 Binary files /dev/null and b/flowers/train/74/image_01289.jpg differ diff --git a/flowers/train/74/image_01290.jpg b/flowers/train/74/image_01290.jpg new file mode 100644 index 00000000..3d0a62d5 Binary files /dev/null and b/flowers/train/74/image_01290.jpg differ diff --git a/flowers/train/74/image_01291.jpg b/flowers/train/74/image_01291.jpg new file mode 100644 index 00000000..c5b467a8 Binary files /dev/null and b/flowers/train/74/image_01291.jpg differ diff --git a/flowers/train/74/image_01292.jpg b/flowers/train/74/image_01292.jpg new file mode 100644 index 00000000..c6e6acc7 Binary files /dev/null and b/flowers/train/74/image_01292.jpg differ diff --git a/flowers/train/74/image_01293.jpg b/flowers/train/74/image_01293.jpg new file mode 100644 index 00000000..ec646195 Binary files /dev/null and b/flowers/train/74/image_01293.jpg differ diff --git a/flowers/train/74/image_01295.jpg b/flowers/train/74/image_01295.jpg new file mode 100644 index 00000000..a13992e5 Binary files /dev/null and b/flowers/train/74/image_01295.jpg differ diff --git a/flowers/train/74/image_01296.jpg b/flowers/train/74/image_01296.jpg new file mode 100644 index 00000000..23093559 Binary files /dev/null and b/flowers/train/74/image_01296.jpg differ diff --git a/flowers/train/74/image_01297.jpg b/flowers/train/74/image_01297.jpg new file mode 100644 index 00000000..daf0cacf Binary files /dev/null and b/flowers/train/74/image_01297.jpg differ diff --git a/flowers/train/74/image_01298.jpg b/flowers/train/74/image_01298.jpg new file mode 100644 index 00000000..9ea6afef Binary files /dev/null and b/flowers/train/74/image_01298.jpg differ diff --git a/flowers/train/74/image_01299.jpg b/flowers/train/74/image_01299.jpg new file mode 100644 index 00000000..1359d176 Binary files /dev/null and b/flowers/train/74/image_01299.jpg differ diff --git a/flowers/train/74/image_01300.jpg b/flowers/train/74/image_01300.jpg new file mode 100644 index 00000000..b4a21fd2 Binary files /dev/null and b/flowers/train/74/image_01300.jpg differ diff --git a/flowers/train/74/image_01301.jpg b/flowers/train/74/image_01301.jpg new file mode 100644 index 00000000..27eff9ff Binary files /dev/null and b/flowers/train/74/image_01301.jpg differ diff --git a/flowers/train/74/image_01302.jpg b/flowers/train/74/image_01302.jpg new file mode 100644 index 00000000..0eed577d Binary files /dev/null and b/flowers/train/74/image_01302.jpg differ diff --git a/flowers/train/74/image_01303.jpg b/flowers/train/74/image_01303.jpg new file mode 100644 index 00000000..c16fb042 Binary files /dev/null and b/flowers/train/74/image_01303.jpg differ diff --git a/flowers/train/74/image_01304.jpg b/flowers/train/74/image_01304.jpg new file mode 100644 index 00000000..5df4b213 Binary files /dev/null and b/flowers/train/74/image_01304.jpg differ diff --git a/flowers/train/74/image_01306.jpg b/flowers/train/74/image_01306.jpg new file mode 100644 index 00000000..d2a15c42 Binary files /dev/null and b/flowers/train/74/image_01306.jpg differ diff --git a/flowers/train/74/image_01308.jpg b/flowers/train/74/image_01308.jpg new file mode 100644 index 00000000..b7600a61 Binary files /dev/null and b/flowers/train/74/image_01308.jpg differ diff --git a/flowers/train/74/image_01309.jpg b/flowers/train/74/image_01309.jpg new file mode 100644 index 00000000..0f9ee632 Binary files /dev/null and b/flowers/train/74/image_01309.jpg differ diff --git a/flowers/train/74/image_01311.jpg b/flowers/train/74/image_01311.jpg new file mode 100644 index 00000000..10c64fec Binary files /dev/null and b/flowers/train/74/image_01311.jpg differ diff --git a/flowers/train/74/image_01313.jpg b/flowers/train/74/image_01313.jpg new file mode 100644 index 00000000..542f8309 Binary files /dev/null and b/flowers/train/74/image_01313.jpg differ diff --git a/flowers/train/75/image_02069.jpg b/flowers/train/75/image_02069.jpg new file mode 100644 index 00000000..3edaac14 Binary files /dev/null and b/flowers/train/75/image_02069.jpg differ diff --git a/flowers/train/75/image_02070.jpg b/flowers/train/75/image_02070.jpg new file mode 100644 index 00000000..eafa85fd Binary files /dev/null and b/flowers/train/75/image_02070.jpg differ diff --git a/flowers/train/75/image_02071.jpg b/flowers/train/75/image_02071.jpg new file mode 100644 index 00000000..16933332 Binary files /dev/null and b/flowers/train/75/image_02071.jpg differ diff --git a/flowers/train/75/image_02072.jpg b/flowers/train/75/image_02072.jpg new file mode 100644 index 00000000..51dfe4f8 Binary files /dev/null and b/flowers/train/75/image_02072.jpg differ diff --git a/flowers/train/75/image_02073.jpg b/flowers/train/75/image_02073.jpg new file mode 100644 index 00000000..17ec64e8 Binary files /dev/null and b/flowers/train/75/image_02073.jpg differ diff --git a/flowers/train/75/image_02076.jpg b/flowers/train/75/image_02076.jpg new file mode 100644 index 00000000..a7724692 Binary files /dev/null and b/flowers/train/75/image_02076.jpg differ diff --git a/flowers/train/75/image_02077.jpg b/flowers/train/75/image_02077.jpg new file mode 100644 index 00000000..35214f93 Binary files /dev/null and b/flowers/train/75/image_02077.jpg differ diff --git a/flowers/train/75/image_02079.jpg b/flowers/train/75/image_02079.jpg new file mode 100644 index 00000000..27bcc5c8 Binary files /dev/null and b/flowers/train/75/image_02079.jpg differ diff --git a/flowers/train/75/image_02080.jpg b/flowers/train/75/image_02080.jpg new file mode 100644 index 00000000..25e37b0c Binary files /dev/null and b/flowers/train/75/image_02080.jpg differ diff --git a/flowers/train/75/image_02082.jpg b/flowers/train/75/image_02082.jpg new file mode 100644 index 00000000..81b5fe25 Binary files /dev/null and b/flowers/train/75/image_02082.jpg differ diff --git a/flowers/train/75/image_02083.jpg b/flowers/train/75/image_02083.jpg new file mode 100644 index 00000000..07879bfb Binary files /dev/null and b/flowers/train/75/image_02083.jpg differ diff --git a/flowers/train/75/image_02084.jpg b/flowers/train/75/image_02084.jpg new file mode 100644 index 00000000..1ae9cf0e Binary files /dev/null and b/flowers/train/75/image_02084.jpg differ diff --git a/flowers/train/75/image_02086.jpg b/flowers/train/75/image_02086.jpg new file mode 100644 index 00000000..918e8bb9 Binary files /dev/null and b/flowers/train/75/image_02086.jpg differ diff --git a/flowers/train/75/image_02087.jpg b/flowers/train/75/image_02087.jpg new file mode 100644 index 00000000..a5648e24 Binary files /dev/null and b/flowers/train/75/image_02087.jpg differ diff --git a/flowers/train/75/image_02089.jpg b/flowers/train/75/image_02089.jpg new file mode 100644 index 00000000..0f88012f Binary files /dev/null and b/flowers/train/75/image_02089.jpg differ diff --git a/flowers/train/75/image_02090.jpg b/flowers/train/75/image_02090.jpg new file mode 100644 index 00000000..6630ce58 Binary files /dev/null and b/flowers/train/75/image_02090.jpg differ diff --git a/flowers/train/75/image_02091.jpg b/flowers/train/75/image_02091.jpg new file mode 100644 index 00000000..25f24530 Binary files /dev/null and b/flowers/train/75/image_02091.jpg differ diff --git a/flowers/train/75/image_02092.jpg b/flowers/train/75/image_02092.jpg new file mode 100644 index 00000000..1bddc5fd Binary files /dev/null and b/flowers/train/75/image_02092.jpg differ diff --git a/flowers/train/75/image_02093.jpg b/flowers/train/75/image_02093.jpg new file mode 100644 index 00000000..4b2a4c05 Binary files /dev/null and b/flowers/train/75/image_02093.jpg differ diff --git a/flowers/train/75/image_02094.jpg b/flowers/train/75/image_02094.jpg new file mode 100644 index 00000000..16a3ecd0 Binary files /dev/null and b/flowers/train/75/image_02094.jpg differ diff --git a/flowers/train/75/image_02095.jpg b/flowers/train/75/image_02095.jpg new file mode 100644 index 00000000..7c3a50f6 Binary files /dev/null and b/flowers/train/75/image_02095.jpg differ diff --git a/flowers/train/75/image_02096.jpg b/flowers/train/75/image_02096.jpg new file mode 100644 index 00000000..9b169d7f Binary files /dev/null and b/flowers/train/75/image_02096.jpg differ diff --git a/flowers/train/75/image_02097.jpg b/flowers/train/75/image_02097.jpg new file mode 100644 index 00000000..742fcf51 Binary files /dev/null and b/flowers/train/75/image_02097.jpg differ diff --git a/flowers/train/75/image_02098.jpg b/flowers/train/75/image_02098.jpg new file mode 100644 index 00000000..2d44ddb8 Binary files /dev/null and b/flowers/train/75/image_02098.jpg differ diff --git a/flowers/train/75/image_02099.jpg b/flowers/train/75/image_02099.jpg new file mode 100644 index 00000000..3ddb47d0 Binary files /dev/null and b/flowers/train/75/image_02099.jpg differ diff --git a/flowers/train/75/image_02101.jpg b/flowers/train/75/image_02101.jpg new file mode 100644 index 00000000..36e59dcf Binary files /dev/null and b/flowers/train/75/image_02101.jpg differ diff --git a/flowers/train/75/image_02102.jpg b/flowers/train/75/image_02102.jpg new file mode 100644 index 00000000..a24c0514 Binary files /dev/null and b/flowers/train/75/image_02102.jpg differ diff --git a/flowers/train/75/image_02103.jpg b/flowers/train/75/image_02103.jpg new file mode 100644 index 00000000..8c8b5aa2 Binary files /dev/null and b/flowers/train/75/image_02103.jpg differ diff --git a/flowers/train/75/image_02105.jpg b/flowers/train/75/image_02105.jpg new file mode 100644 index 00000000..a184081a Binary files /dev/null and b/flowers/train/75/image_02105.jpg differ diff --git a/flowers/train/75/image_02106.jpg b/flowers/train/75/image_02106.jpg new file mode 100644 index 00000000..e252b936 Binary files /dev/null and b/flowers/train/75/image_02106.jpg differ diff --git a/flowers/train/75/image_02107.jpg b/flowers/train/75/image_02107.jpg new file mode 100644 index 00000000..368593fd Binary files /dev/null and b/flowers/train/75/image_02107.jpg differ diff --git a/flowers/train/75/image_02108.jpg b/flowers/train/75/image_02108.jpg new file mode 100644 index 00000000..77be6c2d Binary files /dev/null and b/flowers/train/75/image_02108.jpg differ diff --git a/flowers/train/75/image_02109.jpg b/flowers/train/75/image_02109.jpg new file mode 100644 index 00000000..d7cd8368 Binary files /dev/null and b/flowers/train/75/image_02109.jpg differ diff --git a/flowers/train/75/image_02110.jpg b/flowers/train/75/image_02110.jpg new file mode 100644 index 00000000..4e9a0e22 Binary files /dev/null and b/flowers/train/75/image_02110.jpg differ diff --git a/flowers/train/75/image_02112.jpg b/flowers/train/75/image_02112.jpg new file mode 100644 index 00000000..9b39c7a6 Binary files /dev/null and b/flowers/train/75/image_02112.jpg differ diff --git a/flowers/train/75/image_02113.jpg b/flowers/train/75/image_02113.jpg new file mode 100644 index 00000000..5a9a8e08 Binary files /dev/null and b/flowers/train/75/image_02113.jpg differ diff --git a/flowers/train/75/image_02114.jpg b/flowers/train/75/image_02114.jpg new file mode 100644 index 00000000..8e95a399 Binary files /dev/null and b/flowers/train/75/image_02114.jpg differ diff --git a/flowers/train/75/image_02116.jpg b/flowers/train/75/image_02116.jpg new file mode 100644 index 00000000..b36a98ca Binary files /dev/null and b/flowers/train/75/image_02116.jpg differ diff --git a/flowers/train/75/image_02117.jpg b/flowers/train/75/image_02117.jpg new file mode 100644 index 00000000..eb362f40 Binary files /dev/null and b/flowers/train/75/image_02117.jpg differ diff --git a/flowers/train/75/image_02118.jpg b/flowers/train/75/image_02118.jpg new file mode 100644 index 00000000..a2b02522 Binary files /dev/null and b/flowers/train/75/image_02118.jpg differ diff --git a/flowers/train/75/image_02120.jpg b/flowers/train/75/image_02120.jpg new file mode 100644 index 00000000..a3ee51ae Binary files /dev/null and b/flowers/train/75/image_02120.jpg differ diff --git a/flowers/train/75/image_02121.jpg b/flowers/train/75/image_02121.jpg new file mode 100644 index 00000000..54fbec01 Binary files /dev/null and b/flowers/train/75/image_02121.jpg differ diff --git a/flowers/train/75/image_02122.jpg b/flowers/train/75/image_02122.jpg new file mode 100644 index 00000000..cb1029f9 Binary files /dev/null and b/flowers/train/75/image_02122.jpg differ diff --git a/flowers/train/75/image_02123.jpg b/flowers/train/75/image_02123.jpg new file mode 100644 index 00000000..bd8b1679 Binary files /dev/null and b/flowers/train/75/image_02123.jpg differ diff --git a/flowers/train/75/image_02124.jpg b/flowers/train/75/image_02124.jpg new file mode 100644 index 00000000..9ead7321 Binary files /dev/null and b/flowers/train/75/image_02124.jpg differ diff --git a/flowers/train/75/image_02125.jpg b/flowers/train/75/image_02125.jpg new file mode 100644 index 00000000..5a8ae095 Binary files /dev/null and b/flowers/train/75/image_02125.jpg differ diff --git a/flowers/train/75/image_02126.jpg b/flowers/train/75/image_02126.jpg new file mode 100644 index 00000000..8e25ec44 Binary files /dev/null and b/flowers/train/75/image_02126.jpg differ diff --git a/flowers/train/75/image_02127.jpg b/flowers/train/75/image_02127.jpg new file mode 100644 index 00000000..6b676af6 Binary files /dev/null and b/flowers/train/75/image_02127.jpg differ diff --git a/flowers/train/75/image_02128.jpg b/flowers/train/75/image_02128.jpg new file mode 100644 index 00000000..9cf9b9ca Binary files /dev/null and b/flowers/train/75/image_02128.jpg differ diff --git a/flowers/train/75/image_02129.jpg b/flowers/train/75/image_02129.jpg new file mode 100644 index 00000000..1025fcbb Binary files /dev/null and b/flowers/train/75/image_02129.jpg differ diff --git a/flowers/train/75/image_02131.jpg b/flowers/train/75/image_02131.jpg new file mode 100644 index 00000000..1b83b65b Binary files /dev/null and b/flowers/train/75/image_02131.jpg differ diff --git a/flowers/train/75/image_02132.jpg b/flowers/train/75/image_02132.jpg new file mode 100644 index 00000000..b191e53f Binary files /dev/null and b/flowers/train/75/image_02132.jpg differ diff --git a/flowers/train/75/image_02134.jpg b/flowers/train/75/image_02134.jpg new file mode 100644 index 00000000..d6d70e57 Binary files /dev/null and b/flowers/train/75/image_02134.jpg differ diff --git a/flowers/train/75/image_02136.jpg b/flowers/train/75/image_02136.jpg new file mode 100644 index 00000000..554ea687 Binary files /dev/null and b/flowers/train/75/image_02136.jpg differ diff --git a/flowers/train/75/image_02137.jpg b/flowers/train/75/image_02137.jpg new file mode 100644 index 00000000..4c55f83a Binary files /dev/null and b/flowers/train/75/image_02137.jpg differ diff --git a/flowers/train/75/image_02138.jpg b/flowers/train/75/image_02138.jpg new file mode 100644 index 00000000..be539701 Binary files /dev/null and b/flowers/train/75/image_02138.jpg differ diff --git a/flowers/train/75/image_02139.jpg b/flowers/train/75/image_02139.jpg new file mode 100644 index 00000000..8ef316f0 Binary files /dev/null and b/flowers/train/75/image_02139.jpg differ diff --git a/flowers/train/75/image_02140.jpg b/flowers/train/75/image_02140.jpg new file mode 100644 index 00000000..703a68d6 Binary files /dev/null and b/flowers/train/75/image_02140.jpg differ diff --git a/flowers/train/75/image_02142.jpg b/flowers/train/75/image_02142.jpg new file mode 100644 index 00000000..8c0b216d Binary files /dev/null and b/flowers/train/75/image_02142.jpg differ diff --git a/flowers/train/75/image_02143.jpg b/flowers/train/75/image_02143.jpg new file mode 100644 index 00000000..7847a46b Binary files /dev/null and b/flowers/train/75/image_02143.jpg differ diff --git a/flowers/train/75/image_02145.jpg b/flowers/train/75/image_02145.jpg new file mode 100644 index 00000000..7e62c507 Binary files /dev/null and b/flowers/train/75/image_02145.jpg differ diff --git a/flowers/train/75/image_02146.jpg b/flowers/train/75/image_02146.jpg new file mode 100644 index 00000000..093d3f8a Binary files /dev/null and b/flowers/train/75/image_02146.jpg differ diff --git a/flowers/train/75/image_02148.jpg b/flowers/train/75/image_02148.jpg new file mode 100644 index 00000000..f60bdf43 Binary files /dev/null and b/flowers/train/75/image_02148.jpg differ diff --git a/flowers/train/75/image_02149.jpg b/flowers/train/75/image_02149.jpg new file mode 100644 index 00000000..8514b9a1 Binary files /dev/null and b/flowers/train/75/image_02149.jpg differ diff --git a/flowers/train/75/image_02150.jpg b/flowers/train/75/image_02150.jpg new file mode 100644 index 00000000..20b22334 Binary files /dev/null and b/flowers/train/75/image_02150.jpg differ diff --git a/flowers/train/75/image_02151.jpg b/flowers/train/75/image_02151.jpg new file mode 100644 index 00000000..67421338 Binary files /dev/null and b/flowers/train/75/image_02151.jpg differ diff --git a/flowers/train/75/image_02153.jpg b/flowers/train/75/image_02153.jpg new file mode 100644 index 00000000..02e280cd Binary files /dev/null and b/flowers/train/75/image_02153.jpg differ diff --git a/flowers/train/75/image_02156.jpg b/flowers/train/75/image_02156.jpg new file mode 100644 index 00000000..7aacb4e4 Binary files /dev/null and b/flowers/train/75/image_02156.jpg differ diff --git a/flowers/train/75/image_02158.jpg b/flowers/train/75/image_02158.jpg new file mode 100644 index 00000000..a27faac8 Binary files /dev/null and b/flowers/train/75/image_02158.jpg differ diff --git a/flowers/train/75/image_02159.jpg b/flowers/train/75/image_02159.jpg new file mode 100644 index 00000000..be9a318d Binary files /dev/null and b/flowers/train/75/image_02159.jpg differ diff --git a/flowers/train/75/image_02160.jpg b/flowers/train/75/image_02160.jpg new file mode 100644 index 00000000..eb5667a5 Binary files /dev/null and b/flowers/train/75/image_02160.jpg differ diff --git a/flowers/train/75/image_02161.jpg b/flowers/train/75/image_02161.jpg new file mode 100644 index 00000000..0b707cfd Binary files /dev/null and b/flowers/train/75/image_02161.jpg differ diff --git a/flowers/train/75/image_02162.jpg b/flowers/train/75/image_02162.jpg new file mode 100644 index 00000000..bdfc2bf5 Binary files /dev/null and b/flowers/train/75/image_02162.jpg differ diff --git a/flowers/train/75/image_02163.jpg b/flowers/train/75/image_02163.jpg new file mode 100644 index 00000000..7e7e0dce Binary files /dev/null and b/flowers/train/75/image_02163.jpg differ diff --git a/flowers/train/75/image_02164.jpg b/flowers/train/75/image_02164.jpg new file mode 100644 index 00000000..44bf736c Binary files /dev/null and b/flowers/train/75/image_02164.jpg differ diff --git a/flowers/train/75/image_02165.jpg b/flowers/train/75/image_02165.jpg new file mode 100644 index 00000000..b501f211 Binary files /dev/null and b/flowers/train/75/image_02165.jpg differ diff --git a/flowers/train/75/image_02166.jpg b/flowers/train/75/image_02166.jpg new file mode 100644 index 00000000..28078069 Binary files /dev/null and b/flowers/train/75/image_02166.jpg differ diff --git a/flowers/train/75/image_02168.jpg b/flowers/train/75/image_02168.jpg new file mode 100644 index 00000000..3af6db1b Binary files /dev/null and b/flowers/train/75/image_02168.jpg differ diff --git a/flowers/train/75/image_02169.jpg b/flowers/train/75/image_02169.jpg new file mode 100644 index 00000000..a40e581e Binary files /dev/null and b/flowers/train/75/image_02169.jpg differ diff --git a/flowers/train/75/image_02170.jpg b/flowers/train/75/image_02170.jpg new file mode 100644 index 00000000..3e1a724a Binary files /dev/null and b/flowers/train/75/image_02170.jpg differ diff --git a/flowers/train/75/image_02171.jpg b/flowers/train/75/image_02171.jpg new file mode 100644 index 00000000..f1d83f40 Binary files /dev/null and b/flowers/train/75/image_02171.jpg differ diff --git a/flowers/train/75/image_02172.jpg b/flowers/train/75/image_02172.jpg new file mode 100644 index 00000000..2bc337b9 Binary files /dev/null and b/flowers/train/75/image_02172.jpg differ diff --git a/flowers/train/75/image_02173.jpg b/flowers/train/75/image_02173.jpg new file mode 100644 index 00000000..e95b77ee Binary files /dev/null and b/flowers/train/75/image_02173.jpg differ diff --git a/flowers/train/75/image_02174.jpg b/flowers/train/75/image_02174.jpg new file mode 100644 index 00000000..8ffc8bb2 Binary files /dev/null and b/flowers/train/75/image_02174.jpg differ diff --git a/flowers/train/75/image_02175.jpg b/flowers/train/75/image_02175.jpg new file mode 100644 index 00000000..6d6c61ad Binary files /dev/null and b/flowers/train/75/image_02175.jpg differ diff --git a/flowers/train/75/image_02176.jpg b/flowers/train/75/image_02176.jpg new file mode 100644 index 00000000..3fc5b10b Binary files /dev/null and b/flowers/train/75/image_02176.jpg differ diff --git a/flowers/train/75/image_02177.jpg b/flowers/train/75/image_02177.jpg new file mode 100644 index 00000000..055b53ea Binary files /dev/null and b/flowers/train/75/image_02177.jpg differ diff --git a/flowers/train/75/image_02179.jpg b/flowers/train/75/image_02179.jpg new file mode 100644 index 00000000..a1cd6c3f Binary files /dev/null and b/flowers/train/75/image_02179.jpg differ diff --git a/flowers/train/75/image_02180.jpg b/flowers/train/75/image_02180.jpg new file mode 100644 index 00000000..594f7791 Binary files /dev/null and b/flowers/train/75/image_02180.jpg differ diff --git a/flowers/train/75/image_02181.jpg b/flowers/train/75/image_02181.jpg new file mode 100644 index 00000000..1c2dada0 Binary files /dev/null and b/flowers/train/75/image_02181.jpg differ diff --git a/flowers/train/75/image_02183.jpg b/flowers/train/75/image_02183.jpg new file mode 100644 index 00000000..176f7b3b Binary files /dev/null and b/flowers/train/75/image_02183.jpg differ diff --git a/flowers/train/75/image_02184.jpg b/flowers/train/75/image_02184.jpg new file mode 100644 index 00000000..8b2e6b17 Binary files /dev/null and b/flowers/train/75/image_02184.jpg differ diff --git a/flowers/train/75/image_02185.jpg b/flowers/train/75/image_02185.jpg new file mode 100644 index 00000000..109817b6 Binary files /dev/null and b/flowers/train/75/image_02185.jpg differ diff --git a/flowers/train/75/image_02186.jpg b/flowers/train/75/image_02186.jpg new file mode 100644 index 00000000..2e16326a Binary files /dev/null and b/flowers/train/75/image_02186.jpg differ diff --git a/flowers/train/75/image_02187.jpg b/flowers/train/75/image_02187.jpg new file mode 100644 index 00000000..50458520 Binary files /dev/null and b/flowers/train/75/image_02187.jpg differ diff --git a/flowers/train/76/image_02447.jpg b/flowers/train/76/image_02447.jpg new file mode 100644 index 00000000..59b0b22d Binary files /dev/null and b/flowers/train/76/image_02447.jpg differ diff --git a/flowers/train/76/image_02448.jpg b/flowers/train/76/image_02448.jpg new file mode 100644 index 00000000..21fb4cd6 Binary files /dev/null and b/flowers/train/76/image_02448.jpg differ diff --git a/flowers/train/76/image_02449.jpg b/flowers/train/76/image_02449.jpg new file mode 100644 index 00000000..613f8b71 Binary files /dev/null and b/flowers/train/76/image_02449.jpg differ diff --git a/flowers/train/76/image_02450.jpg b/flowers/train/76/image_02450.jpg new file mode 100644 index 00000000..257dc8fa Binary files /dev/null and b/flowers/train/76/image_02450.jpg differ diff --git a/flowers/train/76/image_02451.jpg b/flowers/train/76/image_02451.jpg new file mode 100644 index 00000000..6712b410 Binary files /dev/null and b/flowers/train/76/image_02451.jpg differ diff --git a/flowers/train/76/image_02452.jpg b/flowers/train/76/image_02452.jpg new file mode 100644 index 00000000..e1551993 Binary files /dev/null and b/flowers/train/76/image_02452.jpg differ diff --git a/flowers/train/76/image_02453.jpg b/flowers/train/76/image_02453.jpg new file mode 100644 index 00000000..1aac8b7a Binary files /dev/null and b/flowers/train/76/image_02453.jpg differ diff --git a/flowers/train/76/image_02454.jpg b/flowers/train/76/image_02454.jpg new file mode 100644 index 00000000..2f2e2fe9 Binary files /dev/null and b/flowers/train/76/image_02454.jpg differ diff --git a/flowers/train/76/image_02455.jpg b/flowers/train/76/image_02455.jpg new file mode 100644 index 00000000..dace8b91 Binary files /dev/null and b/flowers/train/76/image_02455.jpg differ diff --git a/flowers/train/76/image_02459.jpg b/flowers/train/76/image_02459.jpg new file mode 100644 index 00000000..c06d46d7 Binary files /dev/null and b/flowers/train/76/image_02459.jpg differ diff --git a/flowers/train/76/image_02460.jpg b/flowers/train/76/image_02460.jpg new file mode 100644 index 00000000..d8a42b92 Binary files /dev/null and b/flowers/train/76/image_02460.jpg differ diff --git a/flowers/train/76/image_02461.jpg b/flowers/train/76/image_02461.jpg new file mode 100644 index 00000000..63a62b22 Binary files /dev/null and b/flowers/train/76/image_02461.jpg differ diff --git a/flowers/train/76/image_02462.jpg b/flowers/train/76/image_02462.jpg new file mode 100644 index 00000000..0668ac20 Binary files /dev/null and b/flowers/train/76/image_02462.jpg differ diff --git a/flowers/train/76/image_02463.jpg b/flowers/train/76/image_02463.jpg new file mode 100644 index 00000000..64495601 Binary files /dev/null and b/flowers/train/76/image_02463.jpg differ diff --git a/flowers/train/76/image_02464.jpg b/flowers/train/76/image_02464.jpg new file mode 100644 index 00000000..1ee8f07d Binary files /dev/null and b/flowers/train/76/image_02464.jpg differ diff --git a/flowers/train/76/image_02465.jpg b/flowers/train/76/image_02465.jpg new file mode 100644 index 00000000..41a5a8fa Binary files /dev/null and b/flowers/train/76/image_02465.jpg differ diff --git a/flowers/train/76/image_02466.jpg b/flowers/train/76/image_02466.jpg new file mode 100644 index 00000000..1ffc8331 Binary files /dev/null and b/flowers/train/76/image_02466.jpg differ diff --git a/flowers/train/76/image_02468.jpg b/flowers/train/76/image_02468.jpg new file mode 100644 index 00000000..d0ff229d Binary files /dev/null and b/flowers/train/76/image_02468.jpg differ diff --git a/flowers/train/76/image_02469.jpg b/flowers/train/76/image_02469.jpg new file mode 100644 index 00000000..67fbec59 Binary files /dev/null and b/flowers/train/76/image_02469.jpg differ diff --git a/flowers/train/76/image_02470.jpg b/flowers/train/76/image_02470.jpg new file mode 100644 index 00000000..70b23244 Binary files /dev/null and b/flowers/train/76/image_02470.jpg differ diff --git a/flowers/train/76/image_02471.jpg b/flowers/train/76/image_02471.jpg new file mode 100644 index 00000000..2b29d50f Binary files /dev/null and b/flowers/train/76/image_02471.jpg differ diff --git a/flowers/train/76/image_02473.jpg b/flowers/train/76/image_02473.jpg new file mode 100644 index 00000000..b8ebcb8e Binary files /dev/null and b/flowers/train/76/image_02473.jpg differ diff --git a/flowers/train/76/image_02474.jpg b/flowers/train/76/image_02474.jpg new file mode 100644 index 00000000..15faa2d0 Binary files /dev/null and b/flowers/train/76/image_02474.jpg differ diff --git a/flowers/train/76/image_02476.jpg b/flowers/train/76/image_02476.jpg new file mode 100644 index 00000000..5761fccc Binary files /dev/null and b/flowers/train/76/image_02476.jpg differ diff --git a/flowers/train/76/image_02477.jpg b/flowers/train/76/image_02477.jpg new file mode 100644 index 00000000..c599466a Binary files /dev/null and b/flowers/train/76/image_02477.jpg differ diff --git a/flowers/train/76/image_02478.jpg b/flowers/train/76/image_02478.jpg new file mode 100644 index 00000000..9bfdfdd9 Binary files /dev/null and b/flowers/train/76/image_02478.jpg differ diff --git a/flowers/train/76/image_02480.jpg b/flowers/train/76/image_02480.jpg new file mode 100644 index 00000000..e0af23b2 Binary files /dev/null and b/flowers/train/76/image_02480.jpg differ diff --git a/flowers/train/76/image_02482.jpg b/flowers/train/76/image_02482.jpg new file mode 100644 index 00000000..708eb3be Binary files /dev/null and b/flowers/train/76/image_02482.jpg differ diff --git a/flowers/train/76/image_02483.jpg b/flowers/train/76/image_02483.jpg new file mode 100644 index 00000000..e31f2284 Binary files /dev/null and b/flowers/train/76/image_02483.jpg differ diff --git a/flowers/train/76/image_02486.jpg b/flowers/train/76/image_02486.jpg new file mode 100644 index 00000000..4cc5df1f Binary files /dev/null and b/flowers/train/76/image_02486.jpg differ diff --git a/flowers/train/76/image_02487.jpg b/flowers/train/76/image_02487.jpg new file mode 100644 index 00000000..ebf4460f Binary files /dev/null and b/flowers/train/76/image_02487.jpg differ diff --git a/flowers/train/76/image_02488.jpg b/flowers/train/76/image_02488.jpg new file mode 100644 index 00000000..4aabdaa2 Binary files /dev/null and b/flowers/train/76/image_02488.jpg differ diff --git a/flowers/train/76/image_02489.jpg b/flowers/train/76/image_02489.jpg new file mode 100644 index 00000000..088a5659 Binary files /dev/null and b/flowers/train/76/image_02489.jpg differ diff --git a/flowers/train/76/image_02490.jpg b/flowers/train/76/image_02490.jpg new file mode 100644 index 00000000..2f767b7a Binary files /dev/null and b/flowers/train/76/image_02490.jpg differ diff --git a/flowers/train/76/image_02491.jpg b/flowers/train/76/image_02491.jpg new file mode 100644 index 00000000..28b031ad Binary files /dev/null and b/flowers/train/76/image_02491.jpg differ diff --git a/flowers/train/76/image_02492.jpg b/flowers/train/76/image_02492.jpg new file mode 100644 index 00000000..7a87c935 Binary files /dev/null and b/flowers/train/76/image_02492.jpg differ diff --git a/flowers/train/76/image_02493.jpg b/flowers/train/76/image_02493.jpg new file mode 100644 index 00000000..3fec5dd4 Binary files /dev/null and b/flowers/train/76/image_02493.jpg differ diff --git a/flowers/train/76/image_02495.jpg b/flowers/train/76/image_02495.jpg new file mode 100644 index 00000000..db3370b2 Binary files /dev/null and b/flowers/train/76/image_02495.jpg differ diff --git a/flowers/train/76/image_02497.jpg b/flowers/train/76/image_02497.jpg new file mode 100644 index 00000000..11c3f5e3 Binary files /dev/null and b/flowers/train/76/image_02497.jpg differ diff --git a/flowers/train/76/image_02498.jpg b/flowers/train/76/image_02498.jpg new file mode 100644 index 00000000..7937e98a Binary files /dev/null and b/flowers/train/76/image_02498.jpg differ diff --git a/flowers/train/76/image_02499.jpg b/flowers/train/76/image_02499.jpg new file mode 100644 index 00000000..babaabb3 Binary files /dev/null and b/flowers/train/76/image_02499.jpg differ diff --git a/flowers/train/76/image_02500.jpg b/flowers/train/76/image_02500.jpg new file mode 100644 index 00000000..2d75aa9c Binary files /dev/null and b/flowers/train/76/image_02500.jpg differ diff --git a/flowers/train/76/image_02502.jpg b/flowers/train/76/image_02502.jpg new file mode 100644 index 00000000..2b509863 Binary files /dev/null and b/flowers/train/76/image_02502.jpg differ diff --git a/flowers/train/76/image_02503.jpg b/flowers/train/76/image_02503.jpg new file mode 100644 index 00000000..266dbf41 Binary files /dev/null and b/flowers/train/76/image_02503.jpg differ diff --git a/flowers/train/76/image_02505.jpg b/flowers/train/76/image_02505.jpg new file mode 100644 index 00000000..4af79235 Binary files /dev/null and b/flowers/train/76/image_02505.jpg differ diff --git a/flowers/train/76/image_02506.jpg b/flowers/train/76/image_02506.jpg new file mode 100644 index 00000000..b7726c39 Binary files /dev/null and b/flowers/train/76/image_02506.jpg differ diff --git a/flowers/train/76/image_02507.jpg b/flowers/train/76/image_02507.jpg new file mode 100644 index 00000000..17769cda Binary files /dev/null and b/flowers/train/76/image_02507.jpg differ diff --git a/flowers/train/76/image_02508.jpg b/flowers/train/76/image_02508.jpg new file mode 100644 index 00000000..213a676c Binary files /dev/null and b/flowers/train/76/image_02508.jpg differ diff --git a/flowers/train/76/image_02509.jpg b/flowers/train/76/image_02509.jpg new file mode 100644 index 00000000..a2717463 Binary files /dev/null and b/flowers/train/76/image_02509.jpg differ diff --git a/flowers/train/76/image_02510.jpg b/flowers/train/76/image_02510.jpg new file mode 100644 index 00000000..a34556f7 Binary files /dev/null and b/flowers/train/76/image_02510.jpg differ diff --git a/flowers/train/76/image_02511.jpg b/flowers/train/76/image_02511.jpg new file mode 100644 index 00000000..3121393c Binary files /dev/null and b/flowers/train/76/image_02511.jpg differ diff --git a/flowers/train/76/image_02515.jpg b/flowers/train/76/image_02515.jpg new file mode 100644 index 00000000..10083c3b Binary files /dev/null and b/flowers/train/76/image_02515.jpg differ diff --git a/flowers/train/76/image_02516.jpg b/flowers/train/76/image_02516.jpg new file mode 100644 index 00000000..56e7f37f Binary files /dev/null and b/flowers/train/76/image_02516.jpg differ diff --git a/flowers/train/76/image_02517.jpg b/flowers/train/76/image_02517.jpg new file mode 100644 index 00000000..f40fde88 Binary files /dev/null and b/flowers/train/76/image_02517.jpg differ diff --git a/flowers/train/76/image_02518.jpg b/flowers/train/76/image_02518.jpg new file mode 100644 index 00000000..d4aa2f3d Binary files /dev/null and b/flowers/train/76/image_02518.jpg differ diff --git a/flowers/train/76/image_02519.jpg b/flowers/train/76/image_02519.jpg new file mode 100644 index 00000000..d7232b83 Binary files /dev/null and b/flowers/train/76/image_02519.jpg differ diff --git a/flowers/train/76/image_02520.jpg b/flowers/train/76/image_02520.jpg new file mode 100644 index 00000000..faeb39d2 Binary files /dev/null and b/flowers/train/76/image_02520.jpg differ diff --git a/flowers/train/76/image_02521.jpg b/flowers/train/76/image_02521.jpg new file mode 100644 index 00000000..495f35eb Binary files /dev/null and b/flowers/train/76/image_02521.jpg differ diff --git a/flowers/train/76/image_02522.jpg b/flowers/train/76/image_02522.jpg new file mode 100644 index 00000000..b60a5a49 Binary files /dev/null and b/flowers/train/76/image_02522.jpg differ diff --git a/flowers/train/76/image_02524.jpg b/flowers/train/76/image_02524.jpg new file mode 100644 index 00000000..6027fbf5 Binary files /dev/null and b/flowers/train/76/image_02524.jpg differ diff --git a/flowers/train/76/image_02526.jpg b/flowers/train/76/image_02526.jpg new file mode 100644 index 00000000..37e0a177 Binary files /dev/null and b/flowers/train/76/image_02526.jpg differ diff --git a/flowers/train/76/image_02527.jpg b/flowers/train/76/image_02527.jpg new file mode 100644 index 00000000..f0f208f5 Binary files /dev/null and b/flowers/train/76/image_02527.jpg differ diff --git a/flowers/train/76/image_02528.jpg b/flowers/train/76/image_02528.jpg new file mode 100644 index 00000000..36153e95 Binary files /dev/null and b/flowers/train/76/image_02528.jpg differ diff --git a/flowers/train/76/image_02531.jpg b/flowers/train/76/image_02531.jpg new file mode 100644 index 00000000..5d8014ef Binary files /dev/null and b/flowers/train/76/image_02531.jpg differ diff --git a/flowers/train/76/image_02532.jpg b/flowers/train/76/image_02532.jpg new file mode 100644 index 00000000..c3ccec5e Binary files /dev/null and b/flowers/train/76/image_02532.jpg differ diff --git a/flowers/train/76/image_02533.jpg b/flowers/train/76/image_02533.jpg new file mode 100644 index 00000000..44b886e8 Binary files /dev/null and b/flowers/train/76/image_02533.jpg differ diff --git a/flowers/train/76/image_02534.jpg b/flowers/train/76/image_02534.jpg new file mode 100644 index 00000000..96ca58d1 Binary files /dev/null and b/flowers/train/76/image_02534.jpg differ diff --git a/flowers/train/76/image_02535.jpg b/flowers/train/76/image_02535.jpg new file mode 100644 index 00000000..8996bf1e Binary files /dev/null and b/flowers/train/76/image_02535.jpg differ diff --git a/flowers/train/76/image_02536.jpg b/flowers/train/76/image_02536.jpg new file mode 100644 index 00000000..a5aab9fd Binary files /dev/null and b/flowers/train/76/image_02536.jpg differ diff --git a/flowers/train/76/image_02538.jpg b/flowers/train/76/image_02538.jpg new file mode 100644 index 00000000..44ef6451 Binary files /dev/null and b/flowers/train/76/image_02538.jpg differ diff --git a/flowers/train/76/image_02539.jpg b/flowers/train/76/image_02539.jpg new file mode 100644 index 00000000..4e5f2928 Binary files /dev/null and b/flowers/train/76/image_02539.jpg differ diff --git a/flowers/train/76/image_02540.jpg b/flowers/train/76/image_02540.jpg new file mode 100644 index 00000000..3d3cba1e Binary files /dev/null and b/flowers/train/76/image_02540.jpg differ diff --git a/flowers/train/76/image_02541.jpg b/flowers/train/76/image_02541.jpg new file mode 100644 index 00000000..915201fd Binary files /dev/null and b/flowers/train/76/image_02541.jpg differ diff --git a/flowers/train/76/image_02542.jpg b/flowers/train/76/image_02542.jpg new file mode 100644 index 00000000..3bd49703 Binary files /dev/null and b/flowers/train/76/image_02542.jpg differ diff --git a/flowers/train/76/image_02543.jpg b/flowers/train/76/image_02543.jpg new file mode 100644 index 00000000..918c3902 Binary files /dev/null and b/flowers/train/76/image_02543.jpg differ diff --git a/flowers/train/76/image_02544.jpg b/flowers/train/76/image_02544.jpg new file mode 100644 index 00000000..c49d7901 Binary files /dev/null and b/flowers/train/76/image_02544.jpg differ diff --git a/flowers/train/76/image_02545.jpg b/flowers/train/76/image_02545.jpg new file mode 100644 index 00000000..e69b4b65 Binary files /dev/null and b/flowers/train/76/image_02545.jpg differ diff --git a/flowers/train/76/image_02546.jpg b/flowers/train/76/image_02546.jpg new file mode 100644 index 00000000..da7d4860 Binary files /dev/null and b/flowers/train/76/image_02546.jpg differ diff --git a/flowers/train/76/image_02547.jpg b/flowers/train/76/image_02547.jpg new file mode 100644 index 00000000..cbda8c14 Binary files /dev/null and b/flowers/train/76/image_02547.jpg differ diff --git a/flowers/train/76/image_02548.jpg b/flowers/train/76/image_02548.jpg new file mode 100644 index 00000000..dbaf960d Binary files /dev/null and b/flowers/train/76/image_02548.jpg differ diff --git a/flowers/train/76/image_02549.jpg b/flowers/train/76/image_02549.jpg new file mode 100644 index 00000000..787732d3 Binary files /dev/null and b/flowers/train/76/image_02549.jpg differ diff --git a/flowers/train/76/image_02551.jpg b/flowers/train/76/image_02551.jpg new file mode 100644 index 00000000..95449c1f Binary files /dev/null and b/flowers/train/76/image_02551.jpg differ diff --git a/flowers/train/76/image_02552.jpg b/flowers/train/76/image_02552.jpg new file mode 100644 index 00000000..c3047b39 Binary files /dev/null and b/flowers/train/76/image_02552.jpg differ diff --git a/flowers/train/77/image_00001.jpg b/flowers/train/77/image_00001.jpg new file mode 100644 index 00000000..ea1ad616 Binary files /dev/null and b/flowers/train/77/image_00001.jpg differ diff --git a/flowers/train/77/image_00002.jpg b/flowers/train/77/image_00002.jpg new file mode 100644 index 00000000..f5cef99f Binary files /dev/null and b/flowers/train/77/image_00002.jpg differ diff --git a/flowers/train/77/image_00003.jpg b/flowers/train/77/image_00003.jpg new file mode 100644 index 00000000..051763f2 Binary files /dev/null and b/flowers/train/77/image_00003.jpg differ diff --git a/flowers/train/77/image_00004.jpg b/flowers/train/77/image_00004.jpg new file mode 100644 index 00000000..cfbc9b82 Binary files /dev/null and b/flowers/train/77/image_00004.jpg differ diff --git a/flowers/train/77/image_00007.jpg b/flowers/train/77/image_00007.jpg new file mode 100644 index 00000000..0c589169 Binary files /dev/null and b/flowers/train/77/image_00007.jpg differ diff --git a/flowers/train/77/image_00008.jpg b/flowers/train/77/image_00008.jpg new file mode 100644 index 00000000..332a15fb Binary files /dev/null and b/flowers/train/77/image_00008.jpg differ diff --git a/flowers/train/77/image_00009.jpg b/flowers/train/77/image_00009.jpg new file mode 100644 index 00000000..5c412e7a Binary files /dev/null and b/flowers/train/77/image_00009.jpg differ diff --git a/flowers/train/77/image_00010.jpg b/flowers/train/77/image_00010.jpg new file mode 100644 index 00000000..76fef531 Binary files /dev/null and b/flowers/train/77/image_00010.jpg differ diff --git a/flowers/train/77/image_00011.jpg b/flowers/train/77/image_00011.jpg new file mode 100644 index 00000000..9a538e16 Binary files /dev/null and b/flowers/train/77/image_00011.jpg differ diff --git a/flowers/train/77/image_00012.jpg b/flowers/train/77/image_00012.jpg new file mode 100644 index 00000000..1fda8ec3 Binary files /dev/null and b/flowers/train/77/image_00012.jpg differ diff --git a/flowers/train/77/image_00013.jpg b/flowers/train/77/image_00013.jpg new file mode 100644 index 00000000..a8144478 Binary files /dev/null and b/flowers/train/77/image_00013.jpg differ diff --git a/flowers/train/77/image_00014.jpg b/flowers/train/77/image_00014.jpg new file mode 100644 index 00000000..6f647062 Binary files /dev/null and b/flowers/train/77/image_00014.jpg differ diff --git a/flowers/train/77/image_00015.jpg b/flowers/train/77/image_00015.jpg new file mode 100644 index 00000000..ceb1f31b Binary files /dev/null and b/flowers/train/77/image_00015.jpg differ diff --git a/flowers/train/77/image_00016.jpg b/flowers/train/77/image_00016.jpg new file mode 100644 index 00000000..3e2f4df8 Binary files /dev/null and b/flowers/train/77/image_00016.jpg differ diff --git a/flowers/train/77/image_00017.jpg b/flowers/train/77/image_00017.jpg new file mode 100644 index 00000000..664bceca Binary files /dev/null and b/flowers/train/77/image_00017.jpg differ diff --git a/flowers/train/77/image_00018.jpg b/flowers/train/77/image_00018.jpg new file mode 100644 index 00000000..8976b681 Binary files /dev/null and b/flowers/train/77/image_00018.jpg differ diff --git a/flowers/train/77/image_00019.jpg b/flowers/train/77/image_00019.jpg new file mode 100644 index 00000000..b7533f71 Binary files /dev/null and b/flowers/train/77/image_00019.jpg differ diff --git a/flowers/train/77/image_00020.jpg b/flowers/train/77/image_00020.jpg new file mode 100644 index 00000000..dfa92042 Binary files /dev/null and b/flowers/train/77/image_00020.jpg differ diff --git a/flowers/train/77/image_00021.jpg b/flowers/train/77/image_00021.jpg new file mode 100644 index 00000000..802b0c47 Binary files /dev/null and b/flowers/train/77/image_00021.jpg differ diff --git a/flowers/train/77/image_00022.jpg b/flowers/train/77/image_00022.jpg new file mode 100644 index 00000000..c929d616 Binary files /dev/null and b/flowers/train/77/image_00022.jpg differ diff --git a/flowers/train/77/image_00023.jpg b/flowers/train/77/image_00023.jpg new file mode 100644 index 00000000..3783522d Binary files /dev/null and b/flowers/train/77/image_00023.jpg differ diff --git a/flowers/train/77/image_00026.jpg b/flowers/train/77/image_00026.jpg new file mode 100644 index 00000000..d0a57338 Binary files /dev/null and b/flowers/train/77/image_00026.jpg differ diff --git a/flowers/train/77/image_00027.jpg b/flowers/train/77/image_00027.jpg new file mode 100644 index 00000000..1e4be4e1 Binary files /dev/null and b/flowers/train/77/image_00027.jpg differ diff --git a/flowers/train/77/image_00030.jpg b/flowers/train/77/image_00030.jpg new file mode 100644 index 00000000..84829fc8 Binary files /dev/null and b/flowers/train/77/image_00030.jpg differ diff --git a/flowers/train/77/image_00031.jpg b/flowers/train/77/image_00031.jpg new file mode 100644 index 00000000..0b651c6f Binary files /dev/null and b/flowers/train/77/image_00031.jpg differ diff --git a/flowers/train/77/image_00032.jpg b/flowers/train/77/image_00032.jpg new file mode 100644 index 00000000..3713aa88 Binary files /dev/null and b/flowers/train/77/image_00032.jpg differ diff --git a/flowers/train/77/image_00033.jpg b/flowers/train/77/image_00033.jpg new file mode 100644 index 00000000..bfd13956 Binary files /dev/null and b/flowers/train/77/image_00033.jpg differ diff --git a/flowers/train/77/image_00034.jpg b/flowers/train/77/image_00034.jpg new file mode 100644 index 00000000..fc21bf45 Binary files /dev/null and b/flowers/train/77/image_00034.jpg differ diff --git a/flowers/train/77/image_00035.jpg b/flowers/train/77/image_00035.jpg new file mode 100644 index 00000000..9eb9aaa7 Binary files /dev/null and b/flowers/train/77/image_00035.jpg differ diff --git a/flowers/train/77/image_00036.jpg b/flowers/train/77/image_00036.jpg new file mode 100644 index 00000000..6b65d28b Binary files /dev/null and b/flowers/train/77/image_00036.jpg differ diff --git a/flowers/train/77/image_00037.jpg b/flowers/train/77/image_00037.jpg new file mode 100644 index 00000000..9f963247 Binary files /dev/null and b/flowers/train/77/image_00037.jpg differ diff --git a/flowers/train/77/image_00038.jpg b/flowers/train/77/image_00038.jpg new file mode 100644 index 00000000..b9cbd38c Binary files /dev/null and b/flowers/train/77/image_00038.jpg differ diff --git a/flowers/train/77/image_00039.jpg b/flowers/train/77/image_00039.jpg new file mode 100644 index 00000000..1651f0c1 Binary files /dev/null and b/flowers/train/77/image_00039.jpg differ diff --git a/flowers/train/77/image_00040.jpg b/flowers/train/77/image_00040.jpg new file mode 100644 index 00000000..2efcfe03 Binary files /dev/null and b/flowers/train/77/image_00040.jpg differ diff --git a/flowers/train/77/image_00041.jpg b/flowers/train/77/image_00041.jpg new file mode 100644 index 00000000..5b971e4a Binary files /dev/null and b/flowers/train/77/image_00041.jpg differ diff --git a/flowers/train/77/image_00042.jpg b/flowers/train/77/image_00042.jpg new file mode 100644 index 00000000..e5b01f25 Binary files /dev/null and b/flowers/train/77/image_00042.jpg differ diff --git a/flowers/train/77/image_00043.jpg b/flowers/train/77/image_00043.jpg new file mode 100644 index 00000000..0fcef0bf Binary files /dev/null and b/flowers/train/77/image_00043.jpg differ diff --git a/flowers/train/77/image_00044.jpg b/flowers/train/77/image_00044.jpg new file mode 100644 index 00000000..62f9f16e Binary files /dev/null and b/flowers/train/77/image_00044.jpg differ diff --git a/flowers/train/77/image_00045.jpg b/flowers/train/77/image_00045.jpg new file mode 100644 index 00000000..252b81f1 Binary files /dev/null and b/flowers/train/77/image_00045.jpg differ diff --git a/flowers/train/77/image_00046.jpg b/flowers/train/77/image_00046.jpg new file mode 100644 index 00000000..b232de06 Binary files /dev/null and b/flowers/train/77/image_00046.jpg differ diff --git a/flowers/train/77/image_00047.jpg b/flowers/train/77/image_00047.jpg new file mode 100644 index 00000000..baf8644a Binary files /dev/null and b/flowers/train/77/image_00047.jpg differ diff --git a/flowers/train/77/image_00048.jpg b/flowers/train/77/image_00048.jpg new file mode 100644 index 00000000..6a20aec7 Binary files /dev/null and b/flowers/train/77/image_00048.jpg differ diff --git a/flowers/train/77/image_00049.jpg b/flowers/train/77/image_00049.jpg new file mode 100644 index 00000000..e849ad4f Binary files /dev/null and b/flowers/train/77/image_00049.jpg differ diff --git a/flowers/train/77/image_00051.jpg b/flowers/train/77/image_00051.jpg new file mode 100644 index 00000000..565dfb17 Binary files /dev/null and b/flowers/train/77/image_00051.jpg differ diff --git a/flowers/train/77/image_00052.jpg b/flowers/train/77/image_00052.jpg new file mode 100644 index 00000000..638d8567 Binary files /dev/null and b/flowers/train/77/image_00052.jpg differ diff --git a/flowers/train/77/image_00053.jpg b/flowers/train/77/image_00053.jpg new file mode 100644 index 00000000..ce11960b Binary files /dev/null and b/flowers/train/77/image_00053.jpg differ diff --git a/flowers/train/77/image_00054.jpg b/flowers/train/77/image_00054.jpg new file mode 100644 index 00000000..41238c8e Binary files /dev/null and b/flowers/train/77/image_00054.jpg differ diff --git a/flowers/train/77/image_00055.jpg b/flowers/train/77/image_00055.jpg new file mode 100644 index 00000000..9937f946 Binary files /dev/null and b/flowers/train/77/image_00055.jpg differ diff --git a/flowers/train/77/image_00056.jpg b/flowers/train/77/image_00056.jpg new file mode 100644 index 00000000..54e73c7e Binary files /dev/null and b/flowers/train/77/image_00056.jpg differ diff --git a/flowers/train/77/image_00057.jpg b/flowers/train/77/image_00057.jpg new file mode 100644 index 00000000..bf60966c Binary files /dev/null and b/flowers/train/77/image_00057.jpg differ diff --git a/flowers/train/77/image_00058.jpg b/flowers/train/77/image_00058.jpg new file mode 100644 index 00000000..b33a7d9e Binary files /dev/null and b/flowers/train/77/image_00058.jpg differ diff --git a/flowers/train/77/image_00062.jpg b/flowers/train/77/image_00062.jpg new file mode 100644 index 00000000..5e6f3532 Binary files /dev/null and b/flowers/train/77/image_00062.jpg differ diff --git a/flowers/train/77/image_00064.jpg b/flowers/train/77/image_00064.jpg new file mode 100644 index 00000000..a70194b3 Binary files /dev/null and b/flowers/train/77/image_00064.jpg differ diff --git a/flowers/train/77/image_00066.jpg b/flowers/train/77/image_00066.jpg new file mode 100644 index 00000000..8ccb6022 Binary files /dev/null and b/flowers/train/77/image_00066.jpg differ diff --git a/flowers/train/77/image_00067.jpg b/flowers/train/77/image_00067.jpg new file mode 100644 index 00000000..21ecfd88 Binary files /dev/null and b/flowers/train/77/image_00067.jpg differ diff --git a/flowers/train/77/image_00068.jpg b/flowers/train/77/image_00068.jpg new file mode 100644 index 00000000..7e8550ac Binary files /dev/null and b/flowers/train/77/image_00068.jpg differ diff --git a/flowers/train/77/image_00069.jpg b/flowers/train/77/image_00069.jpg new file mode 100644 index 00000000..4329911a Binary files /dev/null and b/flowers/train/77/image_00069.jpg differ diff --git a/flowers/train/77/image_00070.jpg b/flowers/train/77/image_00070.jpg new file mode 100644 index 00000000..cea399ba Binary files /dev/null and b/flowers/train/77/image_00070.jpg differ diff --git a/flowers/train/77/image_00073.jpg b/flowers/train/77/image_00073.jpg new file mode 100644 index 00000000..e237f7af Binary files /dev/null and b/flowers/train/77/image_00073.jpg differ diff --git a/flowers/train/77/image_00074.jpg b/flowers/train/77/image_00074.jpg new file mode 100644 index 00000000..9eb66ee4 Binary files /dev/null and b/flowers/train/77/image_00074.jpg differ diff --git a/flowers/train/77/image_00075.jpg b/flowers/train/77/image_00075.jpg new file mode 100644 index 00000000..6f16771a Binary files /dev/null and b/flowers/train/77/image_00075.jpg differ diff --git a/flowers/train/77/image_00076.jpg b/flowers/train/77/image_00076.jpg new file mode 100644 index 00000000..9260bc29 Binary files /dev/null and b/flowers/train/77/image_00076.jpg differ diff --git a/flowers/train/77/image_00077.jpg b/flowers/train/77/image_00077.jpg new file mode 100644 index 00000000..d4668e55 Binary files /dev/null and b/flowers/train/77/image_00077.jpg differ diff --git a/flowers/train/77/image_00079.jpg b/flowers/train/77/image_00079.jpg new file mode 100644 index 00000000..c065b754 Binary files /dev/null and b/flowers/train/77/image_00079.jpg differ diff --git a/flowers/train/77/image_00080.jpg b/flowers/train/77/image_00080.jpg new file mode 100644 index 00000000..699211bb Binary files /dev/null and b/flowers/train/77/image_00080.jpg differ diff --git a/flowers/train/77/image_00082.jpg b/flowers/train/77/image_00082.jpg new file mode 100644 index 00000000..fa7c1e1b Binary files /dev/null and b/flowers/train/77/image_00082.jpg differ diff --git a/flowers/train/77/image_00083.jpg b/flowers/train/77/image_00083.jpg new file mode 100644 index 00000000..fa260502 Binary files /dev/null and b/flowers/train/77/image_00083.jpg differ diff --git a/flowers/train/77/image_00084.jpg b/flowers/train/77/image_00084.jpg new file mode 100644 index 00000000..293b6275 Binary files /dev/null and b/flowers/train/77/image_00084.jpg differ diff --git a/flowers/train/77/image_00085.jpg b/flowers/train/77/image_00085.jpg new file mode 100644 index 00000000..298a5b6a Binary files /dev/null and b/flowers/train/77/image_00085.jpg differ diff --git a/flowers/train/77/image_00086.jpg b/flowers/train/77/image_00086.jpg new file mode 100644 index 00000000..57e95c56 Binary files /dev/null and b/flowers/train/77/image_00086.jpg differ diff --git a/flowers/train/77/image_00087.jpg b/flowers/train/77/image_00087.jpg new file mode 100644 index 00000000..041ea680 Binary files /dev/null and b/flowers/train/77/image_00087.jpg differ diff --git a/flowers/train/77/image_00088.jpg b/flowers/train/77/image_00088.jpg new file mode 100644 index 00000000..908008d2 Binary files /dev/null and b/flowers/train/77/image_00088.jpg differ diff --git a/flowers/train/77/image_00089.jpg b/flowers/train/77/image_00089.jpg new file mode 100644 index 00000000..5c1ca1aa Binary files /dev/null and b/flowers/train/77/image_00089.jpg differ diff --git a/flowers/train/77/image_00090.jpg b/flowers/train/77/image_00090.jpg new file mode 100644 index 00000000..b85e35a0 Binary files /dev/null and b/flowers/train/77/image_00090.jpg differ diff --git a/flowers/train/77/image_00091.jpg b/flowers/train/77/image_00091.jpg new file mode 100644 index 00000000..9f53f385 Binary files /dev/null and b/flowers/train/77/image_00091.jpg differ diff --git a/flowers/train/77/image_00093.jpg b/flowers/train/77/image_00093.jpg new file mode 100644 index 00000000..385a6f4c Binary files /dev/null and b/flowers/train/77/image_00093.jpg differ diff --git a/flowers/train/77/image_00094.jpg b/flowers/train/77/image_00094.jpg new file mode 100644 index 00000000..c415bdcd Binary files /dev/null and b/flowers/train/77/image_00094.jpg differ diff --git a/flowers/train/77/image_00095.jpg b/flowers/train/77/image_00095.jpg new file mode 100644 index 00000000..b5d066ce Binary files /dev/null and b/flowers/train/77/image_00095.jpg differ diff --git a/flowers/train/77/image_00096.jpg b/flowers/train/77/image_00096.jpg new file mode 100644 index 00000000..15936236 Binary files /dev/null and b/flowers/train/77/image_00096.jpg differ diff --git a/flowers/train/77/image_00097.jpg b/flowers/train/77/image_00097.jpg new file mode 100644 index 00000000..21518e03 Binary files /dev/null and b/flowers/train/77/image_00097.jpg differ diff --git a/flowers/train/77/image_00098.jpg b/flowers/train/77/image_00098.jpg new file mode 100644 index 00000000..c5f7c49c Binary files /dev/null and b/flowers/train/77/image_00098.jpg differ diff --git a/flowers/train/77/image_00100.jpg b/flowers/train/77/image_00100.jpg new file mode 100644 index 00000000..046ba273 Binary files /dev/null and b/flowers/train/77/image_00100.jpg differ diff --git a/flowers/train/77/image_00101.jpg b/flowers/train/77/image_00101.jpg new file mode 100644 index 00000000..bc3ba41b Binary files /dev/null and b/flowers/train/77/image_00101.jpg differ diff --git a/flowers/train/77/image_00102.jpg b/flowers/train/77/image_00102.jpg new file mode 100644 index 00000000..32f542f4 Binary files /dev/null and b/flowers/train/77/image_00102.jpg differ diff --git a/flowers/train/77/image_00103.jpg b/flowers/train/77/image_00103.jpg new file mode 100644 index 00000000..4b24c00d Binary files /dev/null and b/flowers/train/77/image_00103.jpg differ diff --git a/flowers/train/77/image_00105.jpg b/flowers/train/77/image_00105.jpg new file mode 100644 index 00000000..ef2bb829 Binary files /dev/null and b/flowers/train/77/image_00105.jpg differ diff --git a/flowers/train/77/image_00106.jpg b/flowers/train/77/image_00106.jpg new file mode 100644 index 00000000..4bf49420 Binary files /dev/null and b/flowers/train/77/image_00106.jpg differ diff --git a/flowers/train/77/image_00107.jpg b/flowers/train/77/image_00107.jpg new file mode 100644 index 00000000..6f5f3149 Binary files /dev/null and b/flowers/train/77/image_00107.jpg differ diff --git a/flowers/train/77/image_00108.jpg b/flowers/train/77/image_00108.jpg new file mode 100644 index 00000000..4dc39d04 Binary files /dev/null and b/flowers/train/77/image_00108.jpg differ diff --git a/flowers/train/77/image_00109.jpg b/flowers/train/77/image_00109.jpg new file mode 100644 index 00000000..d330d66b Binary files /dev/null and b/flowers/train/77/image_00109.jpg differ diff --git a/flowers/train/77/image_00110.jpg b/flowers/train/77/image_00110.jpg new file mode 100644 index 00000000..a6442f76 Binary files /dev/null and b/flowers/train/77/image_00110.jpg differ diff --git a/flowers/train/77/image_00111.jpg b/flowers/train/77/image_00111.jpg new file mode 100644 index 00000000..cd9c5d12 Binary files /dev/null and b/flowers/train/77/image_00111.jpg differ diff --git a/flowers/train/77/image_00113.jpg b/flowers/train/77/image_00113.jpg new file mode 100644 index 00000000..6a40548c Binary files /dev/null and b/flowers/train/77/image_00113.jpg differ diff --git a/flowers/train/77/image_00115.jpg b/flowers/train/77/image_00115.jpg new file mode 100644 index 00000000..97f5284f Binary files /dev/null and b/flowers/train/77/image_00115.jpg differ diff --git a/flowers/train/77/image_00117.jpg b/flowers/train/77/image_00117.jpg new file mode 100644 index 00000000..6da686cf Binary files /dev/null and b/flowers/train/77/image_00117.jpg differ diff --git a/flowers/train/77/image_00118.jpg b/flowers/train/77/image_00118.jpg new file mode 100644 index 00000000..2f041932 Binary files /dev/null and b/flowers/train/77/image_00118.jpg differ diff --git a/flowers/train/77/image_00119.jpg b/flowers/train/77/image_00119.jpg new file mode 100644 index 00000000..cb9dcdde Binary files /dev/null and b/flowers/train/77/image_00119.jpg differ diff --git a/flowers/train/77/image_00120.jpg b/flowers/train/77/image_00120.jpg new file mode 100644 index 00000000..d9a8c1ff Binary files /dev/null and b/flowers/train/77/image_00120.jpg differ diff --git a/flowers/train/77/image_00121.jpg b/flowers/train/77/image_00121.jpg new file mode 100644 index 00000000..32c5403c Binary files /dev/null and b/flowers/train/77/image_00121.jpg differ diff --git a/flowers/train/77/image_00122.jpg b/flowers/train/77/image_00122.jpg new file mode 100644 index 00000000..ad79d375 Binary files /dev/null and b/flowers/train/77/image_00122.jpg differ diff --git a/flowers/train/77/image_00123.jpg b/flowers/train/77/image_00123.jpg new file mode 100644 index 00000000..a6583ba5 Binary files /dev/null and b/flowers/train/77/image_00123.jpg differ diff --git a/flowers/train/77/image_00124.jpg b/flowers/train/77/image_00124.jpg new file mode 100644 index 00000000..3628b29b Binary files /dev/null and b/flowers/train/77/image_00124.jpg differ diff --git a/flowers/train/77/image_00125.jpg b/flowers/train/77/image_00125.jpg new file mode 100644 index 00000000..027af59d Binary files /dev/null and b/flowers/train/77/image_00125.jpg differ diff --git a/flowers/train/77/image_00126.jpg b/flowers/train/77/image_00126.jpg new file mode 100644 index 00000000..64160dc9 Binary files /dev/null and b/flowers/train/77/image_00126.jpg differ diff --git a/flowers/train/77/image_00127.jpg b/flowers/train/77/image_00127.jpg new file mode 100644 index 00000000..51c947fc Binary files /dev/null and b/flowers/train/77/image_00127.jpg differ diff --git a/flowers/train/77/image_00128.jpg b/flowers/train/77/image_00128.jpg new file mode 100644 index 00000000..b548efbe Binary files /dev/null and b/flowers/train/77/image_00128.jpg differ diff --git a/flowers/train/77/image_00129.jpg b/flowers/train/77/image_00129.jpg new file mode 100644 index 00000000..9a2e0238 Binary files /dev/null and b/flowers/train/77/image_00129.jpg differ diff --git a/flowers/train/77/image_00130.jpg b/flowers/train/77/image_00130.jpg new file mode 100644 index 00000000..d6fbbf3d Binary files /dev/null and b/flowers/train/77/image_00130.jpg differ diff --git a/flowers/train/77/image_00131.jpg b/flowers/train/77/image_00131.jpg new file mode 100644 index 00000000..7335dc79 Binary files /dev/null and b/flowers/train/77/image_00131.jpg differ diff --git a/flowers/train/77/image_00133.jpg b/flowers/train/77/image_00133.jpg new file mode 100644 index 00000000..21900051 Binary files /dev/null and b/flowers/train/77/image_00133.jpg differ diff --git a/flowers/train/77/image_00134.jpg b/flowers/train/77/image_00134.jpg new file mode 100644 index 00000000..17a63165 Binary files /dev/null and b/flowers/train/77/image_00134.jpg differ diff --git a/flowers/train/77/image_00135.jpg b/flowers/train/77/image_00135.jpg new file mode 100644 index 00000000..fe64b8bb Binary files /dev/null and b/flowers/train/77/image_00135.jpg differ diff --git a/flowers/train/77/image_00136.jpg b/flowers/train/77/image_00136.jpg new file mode 100644 index 00000000..d3a7c43e Binary files /dev/null and b/flowers/train/77/image_00136.jpg differ diff --git a/flowers/train/77/image_00138.jpg b/flowers/train/77/image_00138.jpg new file mode 100644 index 00000000..22337c6a Binary files /dev/null and b/flowers/train/77/image_00138.jpg differ diff --git a/flowers/train/77/image_00139.jpg b/flowers/train/77/image_00139.jpg new file mode 100644 index 00000000..fc01c0fe Binary files /dev/null and b/flowers/train/77/image_00139.jpg differ diff --git a/flowers/train/77/image_00140.jpg b/flowers/train/77/image_00140.jpg new file mode 100644 index 00000000..f3b4ba2a Binary files /dev/null and b/flowers/train/77/image_00140.jpg differ diff --git a/flowers/train/77/image_00141.jpg b/flowers/train/77/image_00141.jpg new file mode 100644 index 00000000..14addf46 Binary files /dev/null and b/flowers/train/77/image_00141.jpg differ diff --git a/flowers/train/77/image_00142.jpg b/flowers/train/77/image_00142.jpg new file mode 100644 index 00000000..cbd8fed6 Binary files /dev/null and b/flowers/train/77/image_00142.jpg differ diff --git a/flowers/train/77/image_00144.jpg b/flowers/train/77/image_00144.jpg new file mode 100644 index 00000000..39f8c5ec Binary files /dev/null and b/flowers/train/77/image_00144.jpg differ diff --git a/flowers/train/77/image_00145.jpg b/flowers/train/77/image_00145.jpg new file mode 100644 index 00000000..7fa82d98 Binary files /dev/null and b/flowers/train/77/image_00145.jpg differ diff --git a/flowers/train/77/image_00146.jpg b/flowers/train/77/image_00146.jpg new file mode 100644 index 00000000..cbaf20c0 Binary files /dev/null and b/flowers/train/77/image_00146.jpg differ diff --git a/flowers/train/77/image_00147.jpg b/flowers/train/77/image_00147.jpg new file mode 100644 index 00000000..8237fd56 Binary files /dev/null and b/flowers/train/77/image_00147.jpg differ diff --git a/flowers/train/77/image_00148.jpg b/flowers/train/77/image_00148.jpg new file mode 100644 index 00000000..f15d432d Binary files /dev/null and b/flowers/train/77/image_00148.jpg differ diff --git a/flowers/train/77/image_00149.jpg b/flowers/train/77/image_00149.jpg new file mode 100644 index 00000000..77110dd6 Binary files /dev/null and b/flowers/train/77/image_00149.jpg differ diff --git a/flowers/train/77/image_00150.jpg b/flowers/train/77/image_00150.jpg new file mode 100644 index 00000000..b66b48e3 Binary files /dev/null and b/flowers/train/77/image_00150.jpg differ diff --git a/flowers/train/77/image_00151.jpg b/flowers/train/77/image_00151.jpg new file mode 100644 index 00000000..c396ffeb Binary files /dev/null and b/flowers/train/77/image_00151.jpg differ diff --git a/flowers/train/77/image_00152.jpg b/flowers/train/77/image_00152.jpg new file mode 100644 index 00000000..74caeaa9 Binary files /dev/null and b/flowers/train/77/image_00152.jpg differ diff --git a/flowers/train/77/image_00153.jpg b/flowers/train/77/image_00153.jpg new file mode 100644 index 00000000..20df3bb9 Binary files /dev/null and b/flowers/train/77/image_00153.jpg differ diff --git a/flowers/train/77/image_00154.jpg b/flowers/train/77/image_00154.jpg new file mode 100644 index 00000000..06bdd01f Binary files /dev/null and b/flowers/train/77/image_00154.jpg differ diff --git a/flowers/train/77/image_00155.jpg b/flowers/train/77/image_00155.jpg new file mode 100644 index 00000000..b5e4087b Binary files /dev/null and b/flowers/train/77/image_00155.jpg differ diff --git a/flowers/train/77/image_00156.jpg b/flowers/train/77/image_00156.jpg new file mode 100644 index 00000000..cfca09da Binary files /dev/null and b/flowers/train/77/image_00156.jpg differ diff --git a/flowers/train/77/image_00157.jpg b/flowers/train/77/image_00157.jpg new file mode 100644 index 00000000..641d92aa Binary files /dev/null and b/flowers/train/77/image_00157.jpg differ diff --git a/flowers/train/77/image_00158.jpg b/flowers/train/77/image_00158.jpg new file mode 100644 index 00000000..cee3a331 Binary files /dev/null and b/flowers/train/77/image_00158.jpg differ diff --git a/flowers/train/77/image_00159.jpg b/flowers/train/77/image_00159.jpg new file mode 100644 index 00000000..388cb51b Binary files /dev/null and b/flowers/train/77/image_00159.jpg differ diff --git a/flowers/train/77/image_00161.jpg b/flowers/train/77/image_00161.jpg new file mode 100644 index 00000000..da99e9d3 Binary files /dev/null and b/flowers/train/77/image_00161.jpg differ diff --git a/flowers/train/77/image_00162.jpg b/flowers/train/77/image_00162.jpg new file mode 100644 index 00000000..700b1f1f Binary files /dev/null and b/flowers/train/77/image_00162.jpg differ diff --git a/flowers/train/77/image_00163.jpg b/flowers/train/77/image_00163.jpg new file mode 100644 index 00000000..bd0d25ae Binary files /dev/null and b/flowers/train/77/image_00163.jpg differ diff --git a/flowers/train/77/image_00164.jpg b/flowers/train/77/image_00164.jpg new file mode 100644 index 00000000..001c3cba Binary files /dev/null and b/flowers/train/77/image_00164.jpg differ diff --git a/flowers/train/77/image_00165.jpg b/flowers/train/77/image_00165.jpg new file mode 100644 index 00000000..c5741b94 Binary files /dev/null and b/flowers/train/77/image_00165.jpg differ diff --git a/flowers/train/77/image_00166.jpg b/flowers/train/77/image_00166.jpg new file mode 100644 index 00000000..3a93c165 Binary files /dev/null and b/flowers/train/77/image_00166.jpg differ diff --git a/flowers/train/77/image_00167.jpg b/flowers/train/77/image_00167.jpg new file mode 100644 index 00000000..a08fd69b Binary files /dev/null and b/flowers/train/77/image_00167.jpg differ diff --git a/flowers/train/77/image_00168.jpg b/flowers/train/77/image_00168.jpg new file mode 100644 index 00000000..73cf4f56 Binary files /dev/null and b/flowers/train/77/image_00168.jpg differ diff --git a/flowers/train/77/image_00169.jpg b/flowers/train/77/image_00169.jpg new file mode 100644 index 00000000..3dcad73c Binary files /dev/null and b/flowers/train/77/image_00169.jpg differ diff --git a/flowers/train/77/image_00170.jpg b/flowers/train/77/image_00170.jpg new file mode 100644 index 00000000..a5d34c41 Binary files /dev/null and b/flowers/train/77/image_00170.jpg differ diff --git a/flowers/train/77/image_00171.jpg b/flowers/train/77/image_00171.jpg new file mode 100644 index 00000000..3b34e674 Binary files /dev/null and b/flowers/train/77/image_00171.jpg differ diff --git a/flowers/train/77/image_00172.jpg b/flowers/train/77/image_00172.jpg new file mode 100644 index 00000000..56c1a118 Binary files /dev/null and b/flowers/train/77/image_00172.jpg differ diff --git a/flowers/train/77/image_00173.jpg b/flowers/train/77/image_00173.jpg new file mode 100644 index 00000000..b49ce586 Binary files /dev/null and b/flowers/train/77/image_00173.jpg differ diff --git a/flowers/train/77/image_00175.jpg b/flowers/train/77/image_00175.jpg new file mode 100644 index 00000000..472eb273 Binary files /dev/null and b/flowers/train/77/image_00175.jpg differ diff --git a/flowers/train/77/image_00179.jpg b/flowers/train/77/image_00179.jpg new file mode 100644 index 00000000..c0c85755 Binary files /dev/null and b/flowers/train/77/image_00179.jpg differ diff --git a/flowers/train/77/image_00180.jpg b/flowers/train/77/image_00180.jpg new file mode 100644 index 00000000..c5c87dd1 Binary files /dev/null and b/flowers/train/77/image_00180.jpg differ diff --git a/flowers/train/77/image_00181.jpg b/flowers/train/77/image_00181.jpg new file mode 100644 index 00000000..7a98af49 Binary files /dev/null and b/flowers/train/77/image_00181.jpg differ diff --git a/flowers/train/77/image_00182.jpg b/flowers/train/77/image_00182.jpg new file mode 100644 index 00000000..d03c930d Binary files /dev/null and b/flowers/train/77/image_00182.jpg differ diff --git a/flowers/train/77/image_00183.jpg b/flowers/train/77/image_00183.jpg new file mode 100644 index 00000000..dd6369c4 Binary files /dev/null and b/flowers/train/77/image_00183.jpg differ diff --git a/flowers/train/77/image_00184.jpg b/flowers/train/77/image_00184.jpg new file mode 100644 index 00000000..57b18f39 Binary files /dev/null and b/flowers/train/77/image_00184.jpg differ diff --git a/flowers/train/77/image_00185.jpg b/flowers/train/77/image_00185.jpg new file mode 100644 index 00000000..0bb408e8 Binary files /dev/null and b/flowers/train/77/image_00185.jpg differ diff --git a/flowers/train/77/image_00186.jpg b/flowers/train/77/image_00186.jpg new file mode 100644 index 00000000..eb2bcd05 Binary files /dev/null and b/flowers/train/77/image_00186.jpg differ diff --git a/flowers/train/77/image_00189.jpg b/flowers/train/77/image_00189.jpg new file mode 100644 index 00000000..672b9692 Binary files /dev/null and b/flowers/train/77/image_00189.jpg differ diff --git a/flowers/train/77/image_00190.jpg b/flowers/train/77/image_00190.jpg new file mode 100644 index 00000000..930cbc84 Binary files /dev/null and b/flowers/train/77/image_00190.jpg differ diff --git a/flowers/train/77/image_00192.jpg b/flowers/train/77/image_00192.jpg new file mode 100644 index 00000000..ff2e69ad Binary files /dev/null and b/flowers/train/77/image_00192.jpg differ diff --git a/flowers/train/77/image_00193.jpg b/flowers/train/77/image_00193.jpg new file mode 100644 index 00000000..9a236ec4 Binary files /dev/null and b/flowers/train/77/image_00193.jpg differ diff --git a/flowers/train/77/image_00194.jpg b/flowers/train/77/image_00194.jpg new file mode 100644 index 00000000..f600891a Binary files /dev/null and b/flowers/train/77/image_00194.jpg differ diff --git a/flowers/train/77/image_00195.jpg b/flowers/train/77/image_00195.jpg new file mode 100644 index 00000000..6e4492ae Binary files /dev/null and b/flowers/train/77/image_00195.jpg differ diff --git a/flowers/train/77/image_00196.jpg b/flowers/train/77/image_00196.jpg new file mode 100644 index 00000000..e30b8b17 Binary files /dev/null and b/flowers/train/77/image_00196.jpg differ diff --git a/flowers/train/77/image_00197.jpg b/flowers/train/77/image_00197.jpg new file mode 100644 index 00000000..817a89ab Binary files /dev/null and b/flowers/train/77/image_00197.jpg differ diff --git a/flowers/train/77/image_00198.jpg b/flowers/train/77/image_00198.jpg new file mode 100644 index 00000000..c2c23827 Binary files /dev/null and b/flowers/train/77/image_00198.jpg differ diff --git a/flowers/train/77/image_00199.jpg b/flowers/train/77/image_00199.jpg new file mode 100644 index 00000000..6f4e12ef Binary files /dev/null and b/flowers/train/77/image_00199.jpg differ diff --git a/flowers/train/77/image_00201.jpg b/flowers/train/77/image_00201.jpg new file mode 100644 index 00000000..d3516c44 Binary files /dev/null and b/flowers/train/77/image_00201.jpg differ diff --git a/flowers/train/77/image_00205.jpg b/flowers/train/77/image_00205.jpg new file mode 100644 index 00000000..2dd5199b Binary files /dev/null and b/flowers/train/77/image_00205.jpg differ diff --git a/flowers/train/77/image_00206.jpg b/flowers/train/77/image_00206.jpg new file mode 100644 index 00000000..bca9407b Binary files /dev/null and b/flowers/train/77/image_00206.jpg differ diff --git a/flowers/train/77/image_00207.jpg b/flowers/train/77/image_00207.jpg new file mode 100644 index 00000000..8befca49 Binary files /dev/null and b/flowers/train/77/image_00207.jpg differ diff --git a/flowers/train/77/image_00208.jpg b/flowers/train/77/image_00208.jpg new file mode 100644 index 00000000..5ff3ef93 Binary files /dev/null and b/flowers/train/77/image_00208.jpg differ diff --git a/flowers/train/77/image_00209.jpg b/flowers/train/77/image_00209.jpg new file mode 100644 index 00000000..b0eea16d Binary files /dev/null and b/flowers/train/77/image_00209.jpg differ diff --git a/flowers/train/77/image_00210.jpg b/flowers/train/77/image_00210.jpg new file mode 100644 index 00000000..86abace5 Binary files /dev/null and b/flowers/train/77/image_00210.jpg differ diff --git a/flowers/train/77/image_00211.jpg b/flowers/train/77/image_00211.jpg new file mode 100644 index 00000000..a3a1b95d Binary files /dev/null and b/flowers/train/77/image_00211.jpg differ diff --git a/flowers/train/77/image_00213.jpg b/flowers/train/77/image_00213.jpg new file mode 100644 index 00000000..a05728d4 Binary files /dev/null and b/flowers/train/77/image_00213.jpg differ diff --git a/flowers/train/77/image_00214.jpg b/flowers/train/77/image_00214.jpg new file mode 100644 index 00000000..4ebddfe0 Binary files /dev/null and b/flowers/train/77/image_00214.jpg differ diff --git a/flowers/train/77/image_00215.jpg b/flowers/train/77/image_00215.jpg new file mode 100644 index 00000000..f7df2f36 Binary files /dev/null and b/flowers/train/77/image_00215.jpg differ diff --git a/flowers/train/77/image_00216.jpg b/flowers/train/77/image_00216.jpg new file mode 100644 index 00000000..dbcc1081 Binary files /dev/null and b/flowers/train/77/image_00216.jpg differ diff --git a/flowers/train/77/image_00217.jpg b/flowers/train/77/image_00217.jpg new file mode 100644 index 00000000..c6466965 Binary files /dev/null and b/flowers/train/77/image_00217.jpg differ diff --git a/flowers/train/77/image_00219.jpg b/flowers/train/77/image_00219.jpg new file mode 100644 index 00000000..090eae62 Binary files /dev/null and b/flowers/train/77/image_00219.jpg differ diff --git a/flowers/train/77/image_00220.jpg b/flowers/train/77/image_00220.jpg new file mode 100644 index 00000000..ee7b265b Binary files /dev/null and b/flowers/train/77/image_00220.jpg differ diff --git a/flowers/train/77/image_00221.jpg b/flowers/train/77/image_00221.jpg new file mode 100644 index 00000000..3a65aa50 Binary files /dev/null and b/flowers/train/77/image_00221.jpg differ diff --git a/flowers/train/77/image_00223.jpg b/flowers/train/77/image_00223.jpg new file mode 100644 index 00000000..e4573be2 Binary files /dev/null and b/flowers/train/77/image_00223.jpg differ diff --git a/flowers/train/77/image_00224.jpg b/flowers/train/77/image_00224.jpg new file mode 100644 index 00000000..fcb9052d Binary files /dev/null and b/flowers/train/77/image_00224.jpg differ diff --git a/flowers/train/77/image_00225.jpg b/flowers/train/77/image_00225.jpg new file mode 100644 index 00000000..2927a98a Binary files /dev/null and b/flowers/train/77/image_00225.jpg differ diff --git a/flowers/train/77/image_00226.jpg b/flowers/train/77/image_00226.jpg new file mode 100644 index 00000000..d9961364 Binary files /dev/null and b/flowers/train/77/image_00226.jpg differ diff --git a/flowers/train/77/image_00227.jpg b/flowers/train/77/image_00227.jpg new file mode 100644 index 00000000..7fd42c05 Binary files /dev/null and b/flowers/train/77/image_00227.jpg differ diff --git a/flowers/train/77/image_00228.jpg b/flowers/train/77/image_00228.jpg new file mode 100644 index 00000000..9c20d2e6 Binary files /dev/null and b/flowers/train/77/image_00228.jpg differ diff --git a/flowers/train/77/image_00229.jpg b/flowers/train/77/image_00229.jpg new file mode 100644 index 00000000..e28f02d4 Binary files /dev/null and b/flowers/train/77/image_00229.jpg differ diff --git a/flowers/train/77/image_00230.jpg b/flowers/train/77/image_00230.jpg new file mode 100644 index 00000000..ac572b6a Binary files /dev/null and b/flowers/train/77/image_00230.jpg differ diff --git a/flowers/train/77/image_00232.jpg b/flowers/train/77/image_00232.jpg new file mode 100644 index 00000000..68b4d1bb Binary files /dev/null and b/flowers/train/77/image_00232.jpg differ diff --git a/flowers/train/77/image_00233.jpg b/flowers/train/77/image_00233.jpg new file mode 100644 index 00000000..e879f07e Binary files /dev/null and b/flowers/train/77/image_00233.jpg differ diff --git a/flowers/train/77/image_00234.jpg b/flowers/train/77/image_00234.jpg new file mode 100644 index 00000000..0bdc4d9b Binary files /dev/null and b/flowers/train/77/image_00234.jpg differ diff --git a/flowers/train/77/image_00235.jpg b/flowers/train/77/image_00235.jpg new file mode 100644 index 00000000..ed3cba29 Binary files /dev/null and b/flowers/train/77/image_00235.jpg differ diff --git a/flowers/train/77/image_00236.jpg b/flowers/train/77/image_00236.jpg new file mode 100644 index 00000000..c166c076 Binary files /dev/null and b/flowers/train/77/image_00236.jpg differ diff --git a/flowers/train/77/image_00237.jpg b/flowers/train/77/image_00237.jpg new file mode 100644 index 00000000..73e9915b Binary files /dev/null and b/flowers/train/77/image_00237.jpg differ diff --git a/flowers/train/77/image_00238.jpg b/flowers/train/77/image_00238.jpg new file mode 100644 index 00000000..e5b2aa47 Binary files /dev/null and b/flowers/train/77/image_00238.jpg differ diff --git a/flowers/train/77/image_00240.jpg b/flowers/train/77/image_00240.jpg new file mode 100644 index 00000000..f290df17 Binary files /dev/null and b/flowers/train/77/image_00240.jpg differ diff --git a/flowers/train/77/image_00241.jpg b/flowers/train/77/image_00241.jpg new file mode 100644 index 00000000..d7a6b031 Binary files /dev/null and b/flowers/train/77/image_00241.jpg differ diff --git a/flowers/train/77/image_00242.jpg b/flowers/train/77/image_00242.jpg new file mode 100644 index 00000000..32331f73 Binary files /dev/null and b/flowers/train/77/image_00242.jpg differ diff --git a/flowers/train/77/image_00243.jpg b/flowers/train/77/image_00243.jpg new file mode 100644 index 00000000..511758fd Binary files /dev/null and b/flowers/train/77/image_00243.jpg differ diff --git a/flowers/train/77/image_00244.jpg b/flowers/train/77/image_00244.jpg new file mode 100644 index 00000000..b9a8c316 Binary files /dev/null and b/flowers/train/77/image_00244.jpg differ diff --git a/flowers/train/77/image_00247.jpg b/flowers/train/77/image_00247.jpg new file mode 100644 index 00000000..dc07e56e Binary files /dev/null and b/flowers/train/77/image_00247.jpg differ diff --git a/flowers/train/77/image_00249.jpg b/flowers/train/77/image_00249.jpg new file mode 100644 index 00000000..29ce03b2 Binary files /dev/null and b/flowers/train/77/image_00249.jpg differ diff --git a/flowers/train/77/image_00250.jpg b/flowers/train/77/image_00250.jpg new file mode 100644 index 00000000..9f0df50d Binary files /dev/null and b/flowers/train/77/image_00250.jpg differ diff --git a/flowers/train/78/image_01827.jpg b/flowers/train/78/image_01827.jpg new file mode 100644 index 00000000..186f542c Binary files /dev/null and b/flowers/train/78/image_01827.jpg differ diff --git a/flowers/train/78/image_01828.jpg b/flowers/train/78/image_01828.jpg new file mode 100644 index 00000000..4e5088dd Binary files /dev/null and b/flowers/train/78/image_01828.jpg differ diff --git a/flowers/train/78/image_01829.jpg b/flowers/train/78/image_01829.jpg new file mode 100644 index 00000000..f64d82e9 Binary files /dev/null and b/flowers/train/78/image_01829.jpg differ diff --git a/flowers/train/78/image_01831.jpg b/flowers/train/78/image_01831.jpg new file mode 100644 index 00000000..c725ba90 Binary files /dev/null and b/flowers/train/78/image_01831.jpg differ diff --git a/flowers/train/78/image_01832.jpg b/flowers/train/78/image_01832.jpg new file mode 100644 index 00000000..56cf79b4 Binary files /dev/null and b/flowers/train/78/image_01832.jpg differ diff --git a/flowers/train/78/image_01833.jpg b/flowers/train/78/image_01833.jpg new file mode 100644 index 00000000..e071538f Binary files /dev/null and b/flowers/train/78/image_01833.jpg differ diff --git a/flowers/train/78/image_01834.jpg b/flowers/train/78/image_01834.jpg new file mode 100644 index 00000000..270afddf Binary files /dev/null and b/flowers/train/78/image_01834.jpg differ diff --git a/flowers/train/78/image_01835.jpg b/flowers/train/78/image_01835.jpg new file mode 100644 index 00000000..babbf537 Binary files /dev/null and b/flowers/train/78/image_01835.jpg differ diff --git a/flowers/train/78/image_01836.jpg b/flowers/train/78/image_01836.jpg new file mode 100644 index 00000000..5d555693 Binary files /dev/null and b/flowers/train/78/image_01836.jpg differ diff --git a/flowers/train/78/image_01837.jpg b/flowers/train/78/image_01837.jpg new file mode 100644 index 00000000..fbdd1e32 Binary files /dev/null and b/flowers/train/78/image_01837.jpg differ diff --git a/flowers/train/78/image_01838.jpg b/flowers/train/78/image_01838.jpg new file mode 100644 index 00000000..c30d021a Binary files /dev/null and b/flowers/train/78/image_01838.jpg differ diff --git a/flowers/train/78/image_01839.jpg b/flowers/train/78/image_01839.jpg new file mode 100644 index 00000000..febcee80 Binary files /dev/null and b/flowers/train/78/image_01839.jpg differ diff --git a/flowers/train/78/image_01840.jpg b/flowers/train/78/image_01840.jpg new file mode 100644 index 00000000..e5206a30 Binary files /dev/null and b/flowers/train/78/image_01840.jpg differ diff --git a/flowers/train/78/image_01841.jpg b/flowers/train/78/image_01841.jpg new file mode 100644 index 00000000..0bb1f1dd Binary files /dev/null and b/flowers/train/78/image_01841.jpg differ diff --git a/flowers/train/78/image_01842.jpg b/flowers/train/78/image_01842.jpg new file mode 100644 index 00000000..dd15de6f Binary files /dev/null and b/flowers/train/78/image_01842.jpg differ diff --git a/flowers/train/78/image_01845.jpg b/flowers/train/78/image_01845.jpg new file mode 100644 index 00000000..3e9f556f Binary files /dev/null and b/flowers/train/78/image_01845.jpg differ diff --git a/flowers/train/78/image_01846.jpg b/flowers/train/78/image_01846.jpg new file mode 100644 index 00000000..8f7a2955 Binary files /dev/null and b/flowers/train/78/image_01846.jpg differ diff --git a/flowers/train/78/image_01847.jpg b/flowers/train/78/image_01847.jpg new file mode 100644 index 00000000..c93bb57d Binary files /dev/null and b/flowers/train/78/image_01847.jpg differ diff --git a/flowers/train/78/image_01849.jpg b/flowers/train/78/image_01849.jpg new file mode 100644 index 00000000..600cb242 Binary files /dev/null and b/flowers/train/78/image_01849.jpg differ diff --git a/flowers/train/78/image_01850.jpg b/flowers/train/78/image_01850.jpg new file mode 100644 index 00000000..4394850f Binary files /dev/null and b/flowers/train/78/image_01850.jpg differ diff --git a/flowers/train/78/image_01851.jpg b/flowers/train/78/image_01851.jpg new file mode 100644 index 00000000..0837d795 Binary files /dev/null and b/flowers/train/78/image_01851.jpg differ diff --git a/flowers/train/78/image_01852.jpg b/flowers/train/78/image_01852.jpg new file mode 100644 index 00000000..423d7d89 Binary files /dev/null and b/flowers/train/78/image_01852.jpg differ diff --git a/flowers/train/78/image_01853.jpg b/flowers/train/78/image_01853.jpg new file mode 100644 index 00000000..b2d125f0 Binary files /dev/null and b/flowers/train/78/image_01853.jpg differ diff --git a/flowers/train/78/image_01854.jpg b/flowers/train/78/image_01854.jpg new file mode 100644 index 00000000..b2a4a819 Binary files /dev/null and b/flowers/train/78/image_01854.jpg differ diff --git a/flowers/train/78/image_01857.jpg b/flowers/train/78/image_01857.jpg new file mode 100644 index 00000000..38304b62 Binary files /dev/null and b/flowers/train/78/image_01857.jpg differ diff --git a/flowers/train/78/image_01858.jpg b/flowers/train/78/image_01858.jpg new file mode 100644 index 00000000..c712c8a5 Binary files /dev/null and b/flowers/train/78/image_01858.jpg differ diff --git a/flowers/train/78/image_01859.jpg b/flowers/train/78/image_01859.jpg new file mode 100644 index 00000000..dba5a14c Binary files /dev/null and b/flowers/train/78/image_01859.jpg differ diff --git a/flowers/train/78/image_01860.jpg b/flowers/train/78/image_01860.jpg new file mode 100644 index 00000000..03ab7231 Binary files /dev/null and b/flowers/train/78/image_01860.jpg differ diff --git a/flowers/train/78/image_01861.jpg b/flowers/train/78/image_01861.jpg new file mode 100644 index 00000000..e9aa7e74 Binary files /dev/null and b/flowers/train/78/image_01861.jpg differ diff --git a/flowers/train/78/image_01863.jpg b/flowers/train/78/image_01863.jpg new file mode 100644 index 00000000..c04a22a1 Binary files /dev/null and b/flowers/train/78/image_01863.jpg differ diff --git a/flowers/train/78/image_01864.jpg b/flowers/train/78/image_01864.jpg new file mode 100644 index 00000000..72925aba Binary files /dev/null and b/flowers/train/78/image_01864.jpg differ diff --git a/flowers/train/78/image_01865.jpg b/flowers/train/78/image_01865.jpg new file mode 100644 index 00000000..9029efef Binary files /dev/null and b/flowers/train/78/image_01865.jpg differ diff --git a/flowers/train/78/image_01866.jpg b/flowers/train/78/image_01866.jpg new file mode 100644 index 00000000..cb23075f Binary files /dev/null and b/flowers/train/78/image_01866.jpg differ diff --git a/flowers/train/78/image_01867.jpg b/flowers/train/78/image_01867.jpg new file mode 100644 index 00000000..e49be402 Binary files /dev/null and b/flowers/train/78/image_01867.jpg differ diff --git a/flowers/train/78/image_01868.jpg b/flowers/train/78/image_01868.jpg new file mode 100644 index 00000000..4a6fc254 Binary files /dev/null and b/flowers/train/78/image_01868.jpg differ diff --git a/flowers/train/78/image_01869.jpg b/flowers/train/78/image_01869.jpg new file mode 100644 index 00000000..b32eff32 Binary files /dev/null and b/flowers/train/78/image_01869.jpg differ diff --git a/flowers/train/78/image_01870.jpg b/flowers/train/78/image_01870.jpg new file mode 100644 index 00000000..a96d6b1f Binary files /dev/null and b/flowers/train/78/image_01870.jpg differ diff --git a/flowers/train/78/image_01871.jpg b/flowers/train/78/image_01871.jpg new file mode 100644 index 00000000..2b45d89f Binary files /dev/null and b/flowers/train/78/image_01871.jpg differ diff --git a/flowers/train/78/image_01872.jpg b/flowers/train/78/image_01872.jpg new file mode 100644 index 00000000..2f0d7fa2 Binary files /dev/null and b/flowers/train/78/image_01872.jpg differ diff --git a/flowers/train/78/image_01873.jpg b/flowers/train/78/image_01873.jpg new file mode 100644 index 00000000..56563cda Binary files /dev/null and b/flowers/train/78/image_01873.jpg differ diff --git a/flowers/train/78/image_01875.jpg b/flowers/train/78/image_01875.jpg new file mode 100644 index 00000000..c7576d27 Binary files /dev/null and b/flowers/train/78/image_01875.jpg differ diff --git a/flowers/train/78/image_01876.jpg b/flowers/train/78/image_01876.jpg new file mode 100644 index 00000000..80c07def Binary files /dev/null and b/flowers/train/78/image_01876.jpg differ diff --git a/flowers/train/78/image_01877.jpg b/flowers/train/78/image_01877.jpg new file mode 100644 index 00000000..df2a7676 Binary files /dev/null and b/flowers/train/78/image_01877.jpg differ diff --git a/flowers/train/78/image_01878.jpg b/flowers/train/78/image_01878.jpg new file mode 100644 index 00000000..8ace0192 Binary files /dev/null and b/flowers/train/78/image_01878.jpg differ diff --git a/flowers/train/78/image_01879.jpg b/flowers/train/78/image_01879.jpg new file mode 100644 index 00000000..a67b56c5 Binary files /dev/null and b/flowers/train/78/image_01879.jpg differ diff --git a/flowers/train/78/image_01880.jpg b/flowers/train/78/image_01880.jpg new file mode 100644 index 00000000..d36dd6c2 Binary files /dev/null and b/flowers/train/78/image_01880.jpg differ diff --git a/flowers/train/78/image_01881.jpg b/flowers/train/78/image_01881.jpg new file mode 100644 index 00000000..60d791e4 Binary files /dev/null and b/flowers/train/78/image_01881.jpg differ diff --git a/flowers/train/78/image_01882.jpg b/flowers/train/78/image_01882.jpg new file mode 100644 index 00000000..c863a1cc Binary files /dev/null and b/flowers/train/78/image_01882.jpg differ diff --git a/flowers/train/78/image_01883.jpg b/flowers/train/78/image_01883.jpg new file mode 100644 index 00000000..4bf02ed3 Binary files /dev/null and b/flowers/train/78/image_01883.jpg differ diff --git a/flowers/train/78/image_01884.jpg b/flowers/train/78/image_01884.jpg new file mode 100644 index 00000000..347f0ae4 Binary files /dev/null and b/flowers/train/78/image_01884.jpg differ diff --git a/flowers/train/78/image_01885.jpg b/flowers/train/78/image_01885.jpg new file mode 100644 index 00000000..75fc9d4a Binary files /dev/null and b/flowers/train/78/image_01885.jpg differ diff --git a/flowers/train/78/image_01886.jpg b/flowers/train/78/image_01886.jpg new file mode 100644 index 00000000..415be149 Binary files /dev/null and b/flowers/train/78/image_01886.jpg differ diff --git a/flowers/train/78/image_01887.jpg b/flowers/train/78/image_01887.jpg new file mode 100644 index 00000000..a6904850 Binary files /dev/null and b/flowers/train/78/image_01887.jpg differ diff --git a/flowers/train/78/image_01889.jpg b/flowers/train/78/image_01889.jpg new file mode 100644 index 00000000..88f034df Binary files /dev/null and b/flowers/train/78/image_01889.jpg differ diff --git a/flowers/train/78/image_01890.jpg b/flowers/train/78/image_01890.jpg new file mode 100644 index 00000000..54335c7e Binary files /dev/null and b/flowers/train/78/image_01890.jpg differ diff --git a/flowers/train/78/image_01891.jpg b/flowers/train/78/image_01891.jpg new file mode 100644 index 00000000..70c9ef07 Binary files /dev/null and b/flowers/train/78/image_01891.jpg differ diff --git a/flowers/train/78/image_01892.jpg b/flowers/train/78/image_01892.jpg new file mode 100644 index 00000000..7786eb8e Binary files /dev/null and b/flowers/train/78/image_01892.jpg differ diff --git a/flowers/train/78/image_01895.jpg b/flowers/train/78/image_01895.jpg new file mode 100644 index 00000000..b3220edc Binary files /dev/null and b/flowers/train/78/image_01895.jpg differ diff --git a/flowers/train/78/image_01896.jpg b/flowers/train/78/image_01896.jpg new file mode 100644 index 00000000..3d5d683b Binary files /dev/null and b/flowers/train/78/image_01896.jpg differ diff --git a/flowers/train/78/image_01897.jpg b/flowers/train/78/image_01897.jpg new file mode 100644 index 00000000..924a3af3 Binary files /dev/null and b/flowers/train/78/image_01897.jpg differ diff --git a/flowers/train/78/image_01898.jpg b/flowers/train/78/image_01898.jpg new file mode 100644 index 00000000..92f1a75b Binary files /dev/null and b/flowers/train/78/image_01898.jpg differ diff --git a/flowers/train/78/image_01899.jpg b/flowers/train/78/image_01899.jpg new file mode 100644 index 00000000..63095a76 Binary files /dev/null and b/flowers/train/78/image_01899.jpg differ diff --git a/flowers/train/78/image_01900.jpg b/flowers/train/78/image_01900.jpg new file mode 100644 index 00000000..a2c0a6e6 Binary files /dev/null and b/flowers/train/78/image_01900.jpg differ diff --git a/flowers/train/78/image_01901.jpg b/flowers/train/78/image_01901.jpg new file mode 100644 index 00000000..729aae16 Binary files /dev/null and b/flowers/train/78/image_01901.jpg differ diff --git a/flowers/train/78/image_01902.jpg b/flowers/train/78/image_01902.jpg new file mode 100644 index 00000000..5590a86b Binary files /dev/null and b/flowers/train/78/image_01902.jpg differ diff --git a/flowers/train/78/image_01904.jpg b/flowers/train/78/image_01904.jpg new file mode 100644 index 00000000..bc8603d5 Binary files /dev/null and b/flowers/train/78/image_01904.jpg differ diff --git a/flowers/train/78/image_01905.jpg b/flowers/train/78/image_01905.jpg new file mode 100644 index 00000000..89b793c3 Binary files /dev/null and b/flowers/train/78/image_01905.jpg differ diff --git a/flowers/train/78/image_01906.jpg b/flowers/train/78/image_01906.jpg new file mode 100644 index 00000000..24c5758c Binary files /dev/null and b/flowers/train/78/image_01906.jpg differ diff --git a/flowers/train/78/image_01907.jpg b/flowers/train/78/image_01907.jpg new file mode 100644 index 00000000..20f0d1b4 Binary files /dev/null and b/flowers/train/78/image_01907.jpg differ diff --git a/flowers/train/78/image_01908.jpg b/flowers/train/78/image_01908.jpg new file mode 100644 index 00000000..6ed5132f Binary files /dev/null and b/flowers/train/78/image_01908.jpg differ diff --git a/flowers/train/78/image_01909.jpg b/flowers/train/78/image_01909.jpg new file mode 100644 index 00000000..b5cd2d09 Binary files /dev/null and b/flowers/train/78/image_01909.jpg differ diff --git a/flowers/train/78/image_01911.jpg b/flowers/train/78/image_01911.jpg new file mode 100644 index 00000000..b2ebf59b Binary files /dev/null and b/flowers/train/78/image_01911.jpg differ diff --git a/flowers/train/78/image_01912.jpg b/flowers/train/78/image_01912.jpg new file mode 100644 index 00000000..b21234b7 Binary files /dev/null and b/flowers/train/78/image_01912.jpg differ diff --git a/flowers/train/78/image_01913.jpg b/flowers/train/78/image_01913.jpg new file mode 100644 index 00000000..f95de07c Binary files /dev/null and b/flowers/train/78/image_01913.jpg differ diff --git a/flowers/train/78/image_01915.jpg b/flowers/train/78/image_01915.jpg new file mode 100644 index 00000000..a898afd0 Binary files /dev/null and b/flowers/train/78/image_01915.jpg differ diff --git a/flowers/train/78/image_01916.jpg b/flowers/train/78/image_01916.jpg new file mode 100644 index 00000000..d04a5ddc Binary files /dev/null and b/flowers/train/78/image_01916.jpg differ diff --git a/flowers/train/78/image_01917.jpg b/flowers/train/78/image_01917.jpg new file mode 100644 index 00000000..820e1c9e Binary files /dev/null and b/flowers/train/78/image_01917.jpg differ diff --git a/flowers/train/78/image_01918.jpg b/flowers/train/78/image_01918.jpg new file mode 100644 index 00000000..06938279 Binary files /dev/null and b/flowers/train/78/image_01918.jpg differ diff --git a/flowers/train/78/image_01920.jpg b/flowers/train/78/image_01920.jpg new file mode 100644 index 00000000..d3150df0 Binary files /dev/null and b/flowers/train/78/image_01920.jpg differ diff --git a/flowers/train/78/image_01921.jpg b/flowers/train/78/image_01921.jpg new file mode 100644 index 00000000..2e9a49b5 Binary files /dev/null and b/flowers/train/78/image_01921.jpg differ diff --git a/flowers/train/78/image_01923.jpg b/flowers/train/78/image_01923.jpg new file mode 100644 index 00000000..be0aac66 Binary files /dev/null and b/flowers/train/78/image_01923.jpg differ diff --git a/flowers/train/78/image_01924.jpg b/flowers/train/78/image_01924.jpg new file mode 100644 index 00000000..15eb82c0 Binary files /dev/null and b/flowers/train/78/image_01924.jpg differ diff --git a/flowers/train/78/image_01925.jpg b/flowers/train/78/image_01925.jpg new file mode 100644 index 00000000..23012458 Binary files /dev/null and b/flowers/train/78/image_01925.jpg differ diff --git a/flowers/train/78/image_01926.jpg b/flowers/train/78/image_01926.jpg new file mode 100644 index 00000000..09295a74 Binary files /dev/null and b/flowers/train/78/image_01926.jpg differ diff --git a/flowers/train/78/image_01927.jpg b/flowers/train/78/image_01927.jpg new file mode 100644 index 00000000..c9e1d447 Binary files /dev/null and b/flowers/train/78/image_01927.jpg differ diff --git a/flowers/train/78/image_01930.jpg b/flowers/train/78/image_01930.jpg new file mode 100644 index 00000000..7a396a21 Binary files /dev/null and b/flowers/train/78/image_01930.jpg differ diff --git a/flowers/train/78/image_01932.jpg b/flowers/train/78/image_01932.jpg new file mode 100644 index 00000000..e934932e Binary files /dev/null and b/flowers/train/78/image_01932.jpg differ diff --git a/flowers/train/78/image_01933.jpg b/flowers/train/78/image_01933.jpg new file mode 100644 index 00000000..fb48cdbe Binary files /dev/null and b/flowers/train/78/image_01933.jpg differ diff --git a/flowers/train/78/image_01934.jpg b/flowers/train/78/image_01934.jpg new file mode 100644 index 00000000..ed2068b1 Binary files /dev/null and b/flowers/train/78/image_01934.jpg differ diff --git a/flowers/train/78/image_01935.jpg b/flowers/train/78/image_01935.jpg new file mode 100644 index 00000000..d052555d Binary files /dev/null and b/flowers/train/78/image_01935.jpg differ diff --git a/flowers/train/78/image_01936.jpg b/flowers/train/78/image_01936.jpg new file mode 100644 index 00000000..1f4c51fc Binary files /dev/null and b/flowers/train/78/image_01936.jpg differ diff --git a/flowers/train/78/image_01939.jpg b/flowers/train/78/image_01939.jpg new file mode 100644 index 00000000..de521377 Binary files /dev/null and b/flowers/train/78/image_01939.jpg differ diff --git a/flowers/train/78/image_01940.jpg b/flowers/train/78/image_01940.jpg new file mode 100644 index 00000000..ed4d9d44 Binary files /dev/null and b/flowers/train/78/image_01940.jpg differ diff --git a/flowers/train/78/image_01941.jpg b/flowers/train/78/image_01941.jpg new file mode 100644 index 00000000..223c37ee Binary files /dev/null and b/flowers/train/78/image_01941.jpg differ diff --git a/flowers/train/78/image_01942.jpg b/flowers/train/78/image_01942.jpg new file mode 100644 index 00000000..357f8aa0 Binary files /dev/null and b/flowers/train/78/image_01942.jpg differ diff --git a/flowers/train/78/image_01943.jpg b/flowers/train/78/image_01943.jpg new file mode 100644 index 00000000..d1ffa51f Binary files /dev/null and b/flowers/train/78/image_01943.jpg differ diff --git a/flowers/train/78/image_01945.jpg b/flowers/train/78/image_01945.jpg new file mode 100644 index 00000000..e90dd3eb Binary files /dev/null and b/flowers/train/78/image_01945.jpg differ diff --git a/flowers/train/78/image_01946.jpg b/flowers/train/78/image_01946.jpg new file mode 100644 index 00000000..d226fa73 Binary files /dev/null and b/flowers/train/78/image_01946.jpg differ diff --git a/flowers/train/78/image_01947.jpg b/flowers/train/78/image_01947.jpg new file mode 100644 index 00000000..4c8486b7 Binary files /dev/null and b/flowers/train/78/image_01947.jpg differ diff --git a/flowers/train/78/image_01948.jpg b/flowers/train/78/image_01948.jpg new file mode 100644 index 00000000..2ee8e586 Binary files /dev/null and b/flowers/train/78/image_01948.jpg differ diff --git a/flowers/train/78/image_01950.jpg b/flowers/train/78/image_01950.jpg new file mode 100644 index 00000000..8c726568 Binary files /dev/null and b/flowers/train/78/image_01950.jpg differ diff --git a/flowers/train/78/image_01951.jpg b/flowers/train/78/image_01951.jpg new file mode 100644 index 00000000..a768d773 Binary files /dev/null and b/flowers/train/78/image_01951.jpg differ diff --git a/flowers/train/78/image_01952.jpg b/flowers/train/78/image_01952.jpg new file mode 100644 index 00000000..f3362008 Binary files /dev/null and b/flowers/train/78/image_01952.jpg differ diff --git a/flowers/train/78/image_01954.jpg b/flowers/train/78/image_01954.jpg new file mode 100644 index 00000000..a1f710c9 Binary files /dev/null and b/flowers/train/78/image_01954.jpg differ diff --git a/flowers/train/78/image_01955.jpg b/flowers/train/78/image_01955.jpg new file mode 100644 index 00000000..0ef37494 Binary files /dev/null and b/flowers/train/78/image_01955.jpg differ diff --git a/flowers/train/78/image_01956.jpg b/flowers/train/78/image_01956.jpg new file mode 100644 index 00000000..cedd950f Binary files /dev/null and b/flowers/train/78/image_01956.jpg differ diff --git a/flowers/train/78/image_01957.jpg b/flowers/train/78/image_01957.jpg new file mode 100644 index 00000000..d23ae50c Binary files /dev/null and b/flowers/train/78/image_01957.jpg differ diff --git a/flowers/train/78/image_01958.jpg b/flowers/train/78/image_01958.jpg new file mode 100644 index 00000000..943d30c9 Binary files /dev/null and b/flowers/train/78/image_01958.jpg differ diff --git a/flowers/train/78/image_01959.jpg b/flowers/train/78/image_01959.jpg new file mode 100644 index 00000000..0d2ee673 Binary files /dev/null and b/flowers/train/78/image_01959.jpg differ diff --git a/flowers/train/78/image_01960.jpg b/flowers/train/78/image_01960.jpg new file mode 100644 index 00000000..c4fe2fb6 Binary files /dev/null and b/flowers/train/78/image_01960.jpg differ diff --git a/flowers/train/78/image_01961.jpg b/flowers/train/78/image_01961.jpg new file mode 100644 index 00000000..3eb02919 Binary files /dev/null and b/flowers/train/78/image_01961.jpg differ diff --git a/flowers/train/78/image_01963.jpg b/flowers/train/78/image_01963.jpg new file mode 100644 index 00000000..797496b2 Binary files /dev/null and b/flowers/train/78/image_01963.jpg differ diff --git a/flowers/train/79/image_06693.jpg b/flowers/train/79/image_06693.jpg new file mode 100644 index 00000000..ed1e51e9 Binary files /dev/null and b/flowers/train/79/image_06693.jpg differ diff --git a/flowers/train/79/image_06694.jpg b/flowers/train/79/image_06694.jpg new file mode 100644 index 00000000..25733f87 Binary files /dev/null and b/flowers/train/79/image_06694.jpg differ diff --git a/flowers/train/79/image_06696.jpg b/flowers/train/79/image_06696.jpg new file mode 100644 index 00000000..960914f3 Binary files /dev/null and b/flowers/train/79/image_06696.jpg differ diff --git a/flowers/train/79/image_06697.jpg b/flowers/train/79/image_06697.jpg new file mode 100644 index 00000000..898f42e6 Binary files /dev/null and b/flowers/train/79/image_06697.jpg differ diff --git a/flowers/train/79/image_06698.jpg b/flowers/train/79/image_06698.jpg new file mode 100644 index 00000000..e433f677 Binary files /dev/null and b/flowers/train/79/image_06698.jpg differ diff --git a/flowers/train/79/image_06699.jpg b/flowers/train/79/image_06699.jpg new file mode 100644 index 00000000..d975cfbf Binary files /dev/null and b/flowers/train/79/image_06699.jpg differ diff --git a/flowers/train/79/image_06700.jpg b/flowers/train/79/image_06700.jpg new file mode 100644 index 00000000..8eb1ab8a Binary files /dev/null and b/flowers/train/79/image_06700.jpg differ diff --git a/flowers/train/79/image_06701.jpg b/flowers/train/79/image_06701.jpg new file mode 100644 index 00000000..6b6a9ef0 Binary files /dev/null and b/flowers/train/79/image_06701.jpg differ diff --git a/flowers/train/79/image_06702.jpg b/flowers/train/79/image_06702.jpg new file mode 100644 index 00000000..7f4fbc0f Binary files /dev/null and b/flowers/train/79/image_06702.jpg differ diff --git a/flowers/train/79/image_06703.jpg b/flowers/train/79/image_06703.jpg new file mode 100644 index 00000000..afc33a20 Binary files /dev/null and b/flowers/train/79/image_06703.jpg differ diff --git a/flowers/train/79/image_06704.jpg b/flowers/train/79/image_06704.jpg new file mode 100644 index 00000000..44c20495 Binary files /dev/null and b/flowers/train/79/image_06704.jpg differ diff --git a/flowers/train/79/image_06705.jpg b/flowers/train/79/image_06705.jpg new file mode 100644 index 00000000..0b1f49c5 Binary files /dev/null and b/flowers/train/79/image_06705.jpg differ diff --git a/flowers/train/79/image_06706.jpg b/flowers/train/79/image_06706.jpg new file mode 100644 index 00000000..798b0c5c Binary files /dev/null and b/flowers/train/79/image_06706.jpg differ diff --git a/flowers/train/79/image_06709.jpg b/flowers/train/79/image_06709.jpg new file mode 100644 index 00000000..5d671114 Binary files /dev/null and b/flowers/train/79/image_06709.jpg differ diff --git a/flowers/train/79/image_06710.jpg b/flowers/train/79/image_06710.jpg new file mode 100644 index 00000000..ab0f8887 Binary files /dev/null and b/flowers/train/79/image_06710.jpg differ diff --git a/flowers/train/79/image_06711.jpg b/flowers/train/79/image_06711.jpg new file mode 100644 index 00000000..553ac54c Binary files /dev/null and b/flowers/train/79/image_06711.jpg differ diff --git a/flowers/train/79/image_06712.jpg b/flowers/train/79/image_06712.jpg new file mode 100644 index 00000000..01034a1a Binary files /dev/null and b/flowers/train/79/image_06712.jpg differ diff --git a/flowers/train/79/image_06713.jpg b/flowers/train/79/image_06713.jpg new file mode 100644 index 00000000..9506128a Binary files /dev/null and b/flowers/train/79/image_06713.jpg differ diff --git a/flowers/train/79/image_06714.jpg b/flowers/train/79/image_06714.jpg new file mode 100644 index 00000000..452c8711 Binary files /dev/null and b/flowers/train/79/image_06714.jpg differ diff --git a/flowers/train/79/image_06715.jpg b/flowers/train/79/image_06715.jpg new file mode 100644 index 00000000..1d543336 Binary files /dev/null and b/flowers/train/79/image_06715.jpg differ diff --git a/flowers/train/79/image_06716.jpg b/flowers/train/79/image_06716.jpg new file mode 100644 index 00000000..38d2e061 Binary files /dev/null and b/flowers/train/79/image_06716.jpg differ diff --git a/flowers/train/79/image_06717.jpg b/flowers/train/79/image_06717.jpg new file mode 100644 index 00000000..00be94d1 Binary files /dev/null and b/flowers/train/79/image_06717.jpg differ diff --git a/flowers/train/79/image_06719.jpg b/flowers/train/79/image_06719.jpg new file mode 100644 index 00000000..37979b89 Binary files /dev/null and b/flowers/train/79/image_06719.jpg differ diff --git a/flowers/train/79/image_06721.jpg b/flowers/train/79/image_06721.jpg new file mode 100644 index 00000000..2e44da6b Binary files /dev/null and b/flowers/train/79/image_06721.jpg differ diff --git a/flowers/train/79/image_06722.jpg b/flowers/train/79/image_06722.jpg new file mode 100644 index 00000000..45e8d0a8 Binary files /dev/null and b/flowers/train/79/image_06722.jpg differ diff --git a/flowers/train/79/image_06723.jpg b/flowers/train/79/image_06723.jpg new file mode 100644 index 00000000..9ea2298e Binary files /dev/null and b/flowers/train/79/image_06723.jpg differ diff --git a/flowers/train/79/image_06724.jpg b/flowers/train/79/image_06724.jpg new file mode 100644 index 00000000..e9f2ee7a Binary files /dev/null and b/flowers/train/79/image_06724.jpg differ diff --git a/flowers/train/79/image_06725.jpg b/flowers/train/79/image_06725.jpg new file mode 100644 index 00000000..00735108 Binary files /dev/null and b/flowers/train/79/image_06725.jpg differ diff --git a/flowers/train/79/image_06727.jpg b/flowers/train/79/image_06727.jpg new file mode 100644 index 00000000..df801817 Binary files /dev/null and b/flowers/train/79/image_06727.jpg differ diff --git a/flowers/train/79/image_06729.jpg b/flowers/train/79/image_06729.jpg new file mode 100644 index 00000000..aeb974d8 Binary files /dev/null and b/flowers/train/79/image_06729.jpg differ diff --git a/flowers/train/79/image_06730.jpg b/flowers/train/79/image_06730.jpg new file mode 100644 index 00000000..2c78bc5a Binary files /dev/null and b/flowers/train/79/image_06730.jpg differ diff --git a/flowers/train/79/image_06731.jpg b/flowers/train/79/image_06731.jpg new file mode 100644 index 00000000..eadc07a5 Binary files /dev/null and b/flowers/train/79/image_06731.jpg differ diff --git a/flowers/train/79/image_06732.jpg b/flowers/train/79/image_06732.jpg new file mode 100644 index 00000000..35e7fe96 Binary files /dev/null and b/flowers/train/79/image_06732.jpg differ diff --git a/flowers/train/79/image_06733.jpg b/flowers/train/79/image_06733.jpg new file mode 100644 index 00000000..f31accde Binary files /dev/null and b/flowers/train/79/image_06733.jpg differ diff --git a/flowers/train/8/image_03284.jpg b/flowers/train/8/image_03284.jpg new file mode 100644 index 00000000..b3ee044b Binary files /dev/null and b/flowers/train/8/image_03284.jpg differ diff --git a/flowers/train/8/image_03285.jpg b/flowers/train/8/image_03285.jpg new file mode 100644 index 00000000..22d338ef Binary files /dev/null and b/flowers/train/8/image_03285.jpg differ diff --git a/flowers/train/8/image_03286.jpg b/flowers/train/8/image_03286.jpg new file mode 100644 index 00000000..918b13d5 Binary files /dev/null and b/flowers/train/8/image_03286.jpg differ diff --git a/flowers/train/8/image_03287.jpg b/flowers/train/8/image_03287.jpg new file mode 100644 index 00000000..132a2bb8 Binary files /dev/null and b/flowers/train/8/image_03287.jpg differ diff --git a/flowers/train/8/image_03288.jpg b/flowers/train/8/image_03288.jpg new file mode 100644 index 00000000..7239df8e Binary files /dev/null and b/flowers/train/8/image_03288.jpg differ diff --git a/flowers/train/8/image_03289.jpg b/flowers/train/8/image_03289.jpg new file mode 100644 index 00000000..903fbcdc Binary files /dev/null and b/flowers/train/8/image_03289.jpg differ diff --git a/flowers/train/8/image_03290.jpg b/flowers/train/8/image_03290.jpg new file mode 100644 index 00000000..d865f60e Binary files /dev/null and b/flowers/train/8/image_03290.jpg differ diff --git a/flowers/train/8/image_03292.jpg b/flowers/train/8/image_03292.jpg new file mode 100644 index 00000000..23d945b7 Binary files /dev/null and b/flowers/train/8/image_03292.jpg differ diff --git a/flowers/train/8/image_03293.jpg b/flowers/train/8/image_03293.jpg new file mode 100644 index 00000000..2841246b Binary files /dev/null and b/flowers/train/8/image_03293.jpg differ diff --git a/flowers/train/8/image_03294.jpg b/flowers/train/8/image_03294.jpg new file mode 100644 index 00000000..709389f1 Binary files /dev/null and b/flowers/train/8/image_03294.jpg differ diff --git a/flowers/train/8/image_03296.jpg b/flowers/train/8/image_03296.jpg new file mode 100644 index 00000000..906397a5 Binary files /dev/null and b/flowers/train/8/image_03296.jpg differ diff --git a/flowers/train/8/image_03297.jpg b/flowers/train/8/image_03297.jpg new file mode 100644 index 00000000..d4c51e98 Binary files /dev/null and b/flowers/train/8/image_03297.jpg differ diff --git a/flowers/train/8/image_03298.jpg b/flowers/train/8/image_03298.jpg new file mode 100644 index 00000000..d6d6b870 Binary files /dev/null and b/flowers/train/8/image_03298.jpg differ diff --git a/flowers/train/8/image_03300.jpg b/flowers/train/8/image_03300.jpg new file mode 100644 index 00000000..744bb702 Binary files /dev/null and b/flowers/train/8/image_03300.jpg differ diff --git a/flowers/train/8/image_03301.jpg b/flowers/train/8/image_03301.jpg new file mode 100644 index 00000000..244be0e0 Binary files /dev/null and b/flowers/train/8/image_03301.jpg differ diff --git a/flowers/train/8/image_03302.jpg b/flowers/train/8/image_03302.jpg new file mode 100644 index 00000000..ea4303f2 Binary files /dev/null and b/flowers/train/8/image_03302.jpg differ diff --git a/flowers/train/8/image_03303.jpg b/flowers/train/8/image_03303.jpg new file mode 100644 index 00000000..b8f14613 Binary files /dev/null and b/flowers/train/8/image_03303.jpg differ diff --git a/flowers/train/8/image_03304.jpg b/flowers/train/8/image_03304.jpg new file mode 100644 index 00000000..91a40bcf Binary files /dev/null and b/flowers/train/8/image_03304.jpg differ diff --git a/flowers/train/8/image_03305.jpg b/flowers/train/8/image_03305.jpg new file mode 100644 index 00000000..a64bfc13 Binary files /dev/null and b/flowers/train/8/image_03305.jpg differ diff --git a/flowers/train/8/image_03306.jpg b/flowers/train/8/image_03306.jpg new file mode 100644 index 00000000..a192a3a5 Binary files /dev/null and b/flowers/train/8/image_03306.jpg differ diff --git a/flowers/train/8/image_03307.jpg b/flowers/train/8/image_03307.jpg new file mode 100644 index 00000000..679b5087 Binary files /dev/null and b/flowers/train/8/image_03307.jpg differ diff --git a/flowers/train/8/image_03308.jpg b/flowers/train/8/image_03308.jpg new file mode 100644 index 00000000..0ed970c3 Binary files /dev/null and b/flowers/train/8/image_03308.jpg differ diff --git a/flowers/train/8/image_03309.jpg b/flowers/train/8/image_03309.jpg new file mode 100644 index 00000000..3279ba52 Binary files /dev/null and b/flowers/train/8/image_03309.jpg differ diff --git a/flowers/train/8/image_03310.jpg b/flowers/train/8/image_03310.jpg new file mode 100644 index 00000000..3569c14e Binary files /dev/null and b/flowers/train/8/image_03310.jpg differ diff --git a/flowers/train/8/image_03311.jpg b/flowers/train/8/image_03311.jpg new file mode 100644 index 00000000..90accea8 Binary files /dev/null and b/flowers/train/8/image_03311.jpg differ diff --git a/flowers/train/8/image_03312.jpg b/flowers/train/8/image_03312.jpg new file mode 100644 index 00000000..e4ce9a0a Binary files /dev/null and b/flowers/train/8/image_03312.jpg differ diff --git a/flowers/train/8/image_03315.jpg b/flowers/train/8/image_03315.jpg new file mode 100644 index 00000000..cbf6360c Binary files /dev/null and b/flowers/train/8/image_03315.jpg differ diff --git a/flowers/train/8/image_03316.jpg b/flowers/train/8/image_03316.jpg new file mode 100644 index 00000000..3777232a Binary files /dev/null and b/flowers/train/8/image_03316.jpg differ diff --git a/flowers/train/8/image_03317.jpg b/flowers/train/8/image_03317.jpg new file mode 100644 index 00000000..cfc56c5d Binary files /dev/null and b/flowers/train/8/image_03317.jpg differ diff --git a/flowers/train/8/image_03318.jpg b/flowers/train/8/image_03318.jpg new file mode 100644 index 00000000..ab8e6938 Binary files /dev/null and b/flowers/train/8/image_03318.jpg differ diff --git a/flowers/train/8/image_03321.jpg b/flowers/train/8/image_03321.jpg new file mode 100644 index 00000000..0860f191 Binary files /dev/null and b/flowers/train/8/image_03321.jpg differ diff --git a/flowers/train/8/image_03322.jpg b/flowers/train/8/image_03322.jpg new file mode 100644 index 00000000..a24dbec5 Binary files /dev/null and b/flowers/train/8/image_03322.jpg differ diff --git a/flowers/train/8/image_03323.jpg b/flowers/train/8/image_03323.jpg new file mode 100644 index 00000000..b80c9fec Binary files /dev/null and b/flowers/train/8/image_03323.jpg differ diff --git a/flowers/train/8/image_03324.jpg b/flowers/train/8/image_03324.jpg new file mode 100644 index 00000000..51f3d54a Binary files /dev/null and b/flowers/train/8/image_03324.jpg differ diff --git a/flowers/train/8/image_03325.jpg b/flowers/train/8/image_03325.jpg new file mode 100644 index 00000000..885a7e34 Binary files /dev/null and b/flowers/train/8/image_03325.jpg differ diff --git a/flowers/train/8/image_03326.jpg b/flowers/train/8/image_03326.jpg new file mode 100644 index 00000000..7ffbba23 Binary files /dev/null and b/flowers/train/8/image_03326.jpg differ diff --git a/flowers/train/8/image_03327.jpg b/flowers/train/8/image_03327.jpg new file mode 100644 index 00000000..0ad1cb3a Binary files /dev/null and b/flowers/train/8/image_03327.jpg differ diff --git a/flowers/train/8/image_03328.jpg b/flowers/train/8/image_03328.jpg new file mode 100644 index 00000000..6aec47fc Binary files /dev/null and b/flowers/train/8/image_03328.jpg differ diff --git a/flowers/train/8/image_03329.jpg b/flowers/train/8/image_03329.jpg new file mode 100644 index 00000000..4c67e698 Binary files /dev/null and b/flowers/train/8/image_03329.jpg differ diff --git a/flowers/train/8/image_03331.jpg b/flowers/train/8/image_03331.jpg new file mode 100644 index 00000000..71807c86 Binary files /dev/null and b/flowers/train/8/image_03331.jpg differ diff --git a/flowers/train/8/image_03332.jpg b/flowers/train/8/image_03332.jpg new file mode 100644 index 00000000..3245a640 Binary files /dev/null and b/flowers/train/8/image_03332.jpg differ diff --git a/flowers/train/8/image_03333.jpg b/flowers/train/8/image_03333.jpg new file mode 100644 index 00000000..be22940a Binary files /dev/null and b/flowers/train/8/image_03333.jpg differ diff --git a/flowers/train/8/image_03334.jpg b/flowers/train/8/image_03334.jpg new file mode 100644 index 00000000..5dbe9314 Binary files /dev/null and b/flowers/train/8/image_03334.jpg differ diff --git a/flowers/train/8/image_03335.jpg b/flowers/train/8/image_03335.jpg new file mode 100644 index 00000000..b26f7a2c Binary files /dev/null and b/flowers/train/8/image_03335.jpg differ diff --git a/flowers/train/8/image_03336.jpg b/flowers/train/8/image_03336.jpg new file mode 100644 index 00000000..be69cdec Binary files /dev/null and b/flowers/train/8/image_03336.jpg differ diff --git a/flowers/train/8/image_03337.jpg b/flowers/train/8/image_03337.jpg new file mode 100644 index 00000000..cade067a Binary files /dev/null and b/flowers/train/8/image_03337.jpg differ diff --git a/flowers/train/8/image_03338.jpg b/flowers/train/8/image_03338.jpg new file mode 100644 index 00000000..2840bc4f Binary files /dev/null and b/flowers/train/8/image_03338.jpg differ diff --git a/flowers/train/8/image_03339.jpg b/flowers/train/8/image_03339.jpg new file mode 100644 index 00000000..40ef255e Binary files /dev/null and b/flowers/train/8/image_03339.jpg differ diff --git a/flowers/train/8/image_03340.jpg b/flowers/train/8/image_03340.jpg new file mode 100644 index 00000000..f6e08995 Binary files /dev/null and b/flowers/train/8/image_03340.jpg differ diff --git a/flowers/train/8/image_03341.jpg b/flowers/train/8/image_03341.jpg new file mode 100644 index 00000000..8be74737 Binary files /dev/null and b/flowers/train/8/image_03341.jpg differ diff --git a/flowers/train/8/image_03343.jpg b/flowers/train/8/image_03343.jpg new file mode 100644 index 00000000..0bbe4a7d Binary files /dev/null and b/flowers/train/8/image_03343.jpg differ diff --git a/flowers/train/8/image_03344.jpg b/flowers/train/8/image_03344.jpg new file mode 100644 index 00000000..50f2599f Binary files /dev/null and b/flowers/train/8/image_03344.jpg differ diff --git a/flowers/train/8/image_03345.jpg b/flowers/train/8/image_03345.jpg new file mode 100644 index 00000000..4b74b75b Binary files /dev/null and b/flowers/train/8/image_03345.jpg differ diff --git a/flowers/train/8/image_03346.jpg b/flowers/train/8/image_03346.jpg new file mode 100644 index 00000000..d31bde0e Binary files /dev/null and b/flowers/train/8/image_03346.jpg differ diff --git a/flowers/train/8/image_03348.jpg b/flowers/train/8/image_03348.jpg new file mode 100644 index 00000000..678cec85 Binary files /dev/null and b/flowers/train/8/image_03348.jpg differ diff --git a/flowers/train/8/image_03350.jpg b/flowers/train/8/image_03350.jpg new file mode 100644 index 00000000..6822f090 Binary files /dev/null and b/flowers/train/8/image_03350.jpg differ diff --git a/flowers/train/8/image_03351.jpg b/flowers/train/8/image_03351.jpg new file mode 100644 index 00000000..2306aef2 Binary files /dev/null and b/flowers/train/8/image_03351.jpg differ diff --git a/flowers/train/8/image_03352.jpg b/flowers/train/8/image_03352.jpg new file mode 100644 index 00000000..15077a14 Binary files /dev/null and b/flowers/train/8/image_03352.jpg differ diff --git a/flowers/train/8/image_03353.jpg b/flowers/train/8/image_03353.jpg new file mode 100644 index 00000000..1d601971 Binary files /dev/null and b/flowers/train/8/image_03353.jpg differ diff --git a/flowers/train/8/image_03354.jpg b/flowers/train/8/image_03354.jpg new file mode 100644 index 00000000..f8f7c140 Binary files /dev/null and b/flowers/train/8/image_03354.jpg differ diff --git a/flowers/train/8/image_03355.jpg b/flowers/train/8/image_03355.jpg new file mode 100644 index 00000000..ed4576a5 Binary files /dev/null and b/flowers/train/8/image_03355.jpg differ diff --git a/flowers/train/8/image_03356.jpg b/flowers/train/8/image_03356.jpg new file mode 100644 index 00000000..b3c98700 Binary files /dev/null and b/flowers/train/8/image_03356.jpg differ diff --git a/flowers/train/8/image_03358.jpg b/flowers/train/8/image_03358.jpg new file mode 100644 index 00000000..a0adacb3 Binary files /dev/null and b/flowers/train/8/image_03358.jpg differ diff --git a/flowers/train/8/image_03360.jpg b/flowers/train/8/image_03360.jpg new file mode 100644 index 00000000..eb242e16 Binary files /dev/null and b/flowers/train/8/image_03360.jpg differ diff --git a/flowers/train/8/image_03361.jpg b/flowers/train/8/image_03361.jpg new file mode 100644 index 00000000..55a8e288 Binary files /dev/null and b/flowers/train/8/image_03361.jpg differ diff --git a/flowers/train/8/image_03362.jpg b/flowers/train/8/image_03362.jpg new file mode 100644 index 00000000..908e6b02 Binary files /dev/null and b/flowers/train/8/image_03362.jpg differ diff --git a/flowers/train/8/image_03363.jpg b/flowers/train/8/image_03363.jpg new file mode 100644 index 00000000..ce0a2435 Binary files /dev/null and b/flowers/train/8/image_03363.jpg differ diff --git a/flowers/train/8/image_03365.jpg b/flowers/train/8/image_03365.jpg new file mode 100644 index 00000000..91bd1e96 Binary files /dev/null and b/flowers/train/8/image_03365.jpg differ diff --git a/flowers/train/8/image_03367.jpg b/flowers/train/8/image_03367.jpg new file mode 100644 index 00000000..a9c98011 Binary files /dev/null and b/flowers/train/8/image_03367.jpg differ diff --git a/flowers/train/8/image_03368.jpg b/flowers/train/8/image_03368.jpg new file mode 100644 index 00000000..a3a4fd0f Binary files /dev/null and b/flowers/train/8/image_03368.jpg differ diff --git a/flowers/train/80/image_01964.jpg b/flowers/train/80/image_01964.jpg new file mode 100644 index 00000000..cb9d21fc Binary files /dev/null and b/flowers/train/80/image_01964.jpg differ diff --git a/flowers/train/80/image_01965.jpg b/flowers/train/80/image_01965.jpg new file mode 100644 index 00000000..684b5bc5 Binary files /dev/null and b/flowers/train/80/image_01965.jpg differ diff --git a/flowers/train/80/image_01966.jpg b/flowers/train/80/image_01966.jpg new file mode 100644 index 00000000..28c8ad0b Binary files /dev/null and b/flowers/train/80/image_01966.jpg differ diff --git a/flowers/train/80/image_01967.jpg b/flowers/train/80/image_01967.jpg new file mode 100644 index 00000000..03eb62a7 Binary files /dev/null and b/flowers/train/80/image_01967.jpg differ diff --git a/flowers/train/80/image_01968.jpg b/flowers/train/80/image_01968.jpg new file mode 100644 index 00000000..b5714f21 Binary files /dev/null and b/flowers/train/80/image_01968.jpg differ diff --git a/flowers/train/80/image_01969.jpg b/flowers/train/80/image_01969.jpg new file mode 100644 index 00000000..85f41412 Binary files /dev/null and b/flowers/train/80/image_01969.jpg differ diff --git a/flowers/train/80/image_01970.jpg b/flowers/train/80/image_01970.jpg new file mode 100644 index 00000000..9a7dbf9a Binary files /dev/null and b/flowers/train/80/image_01970.jpg differ diff --git a/flowers/train/80/image_01971.jpg b/flowers/train/80/image_01971.jpg new file mode 100644 index 00000000..5cdbe424 Binary files /dev/null and b/flowers/train/80/image_01971.jpg differ diff --git a/flowers/train/80/image_01973.jpg b/flowers/train/80/image_01973.jpg new file mode 100644 index 00000000..26826dab Binary files /dev/null and b/flowers/train/80/image_01973.jpg differ diff --git a/flowers/train/80/image_01974.jpg b/flowers/train/80/image_01974.jpg new file mode 100644 index 00000000..12d6543f Binary files /dev/null and b/flowers/train/80/image_01974.jpg differ diff --git a/flowers/train/80/image_01976.jpg b/flowers/train/80/image_01976.jpg new file mode 100644 index 00000000..ededf71d Binary files /dev/null and b/flowers/train/80/image_01976.jpg differ diff --git a/flowers/train/80/image_01977.jpg b/flowers/train/80/image_01977.jpg new file mode 100644 index 00000000..e2013805 Binary files /dev/null and b/flowers/train/80/image_01977.jpg differ diff --git a/flowers/train/80/image_01978.jpg b/flowers/train/80/image_01978.jpg new file mode 100644 index 00000000..ea336b5b Binary files /dev/null and b/flowers/train/80/image_01978.jpg differ diff --git a/flowers/train/80/image_01980.jpg b/flowers/train/80/image_01980.jpg new file mode 100644 index 00000000..376dde2c Binary files /dev/null and b/flowers/train/80/image_01980.jpg differ diff --git a/flowers/train/80/image_01981.jpg b/flowers/train/80/image_01981.jpg new file mode 100644 index 00000000..021d0b7a Binary files /dev/null and b/flowers/train/80/image_01981.jpg differ diff --git a/flowers/train/80/image_01982.jpg b/flowers/train/80/image_01982.jpg new file mode 100644 index 00000000..2074e7e7 Binary files /dev/null and b/flowers/train/80/image_01982.jpg differ diff --git a/flowers/train/80/image_01984.jpg b/flowers/train/80/image_01984.jpg new file mode 100644 index 00000000..cc93dc4c Binary files /dev/null and b/flowers/train/80/image_01984.jpg differ diff --git a/flowers/train/80/image_01985.jpg b/flowers/train/80/image_01985.jpg new file mode 100644 index 00000000..18e2aa4d Binary files /dev/null and b/flowers/train/80/image_01985.jpg differ diff --git a/flowers/train/80/image_01986.jpg b/flowers/train/80/image_01986.jpg new file mode 100644 index 00000000..c324fc3c Binary files /dev/null and b/flowers/train/80/image_01986.jpg differ diff --git a/flowers/train/80/image_01987.jpg b/flowers/train/80/image_01987.jpg new file mode 100644 index 00000000..1d778126 Binary files /dev/null and b/flowers/train/80/image_01987.jpg differ diff --git a/flowers/train/80/image_01988.jpg b/flowers/train/80/image_01988.jpg new file mode 100644 index 00000000..5d11bba6 Binary files /dev/null and b/flowers/train/80/image_01988.jpg differ diff --git a/flowers/train/80/image_01994.jpg b/flowers/train/80/image_01994.jpg new file mode 100644 index 00000000..a8d0c7b6 Binary files /dev/null and b/flowers/train/80/image_01994.jpg differ diff --git a/flowers/train/80/image_01995.jpg b/flowers/train/80/image_01995.jpg new file mode 100644 index 00000000..af6f27fd Binary files /dev/null and b/flowers/train/80/image_01995.jpg differ diff --git a/flowers/train/80/image_01997.jpg b/flowers/train/80/image_01997.jpg new file mode 100644 index 00000000..ffd5e217 Binary files /dev/null and b/flowers/train/80/image_01997.jpg differ diff --git a/flowers/train/80/image_01998.jpg b/flowers/train/80/image_01998.jpg new file mode 100644 index 00000000..d568876d Binary files /dev/null and b/flowers/train/80/image_01998.jpg differ diff --git a/flowers/train/80/image_01999.jpg b/flowers/train/80/image_01999.jpg new file mode 100644 index 00000000..d4f56943 Binary files /dev/null and b/flowers/train/80/image_01999.jpg differ diff --git a/flowers/train/80/image_02000.jpg b/flowers/train/80/image_02000.jpg new file mode 100644 index 00000000..ad5bb432 Binary files /dev/null and b/flowers/train/80/image_02000.jpg differ diff --git a/flowers/train/80/image_02001.jpg b/flowers/train/80/image_02001.jpg new file mode 100644 index 00000000..e9641927 Binary files /dev/null and b/flowers/train/80/image_02001.jpg differ diff --git a/flowers/train/80/image_02002.jpg b/flowers/train/80/image_02002.jpg new file mode 100644 index 00000000..d890f884 Binary files /dev/null and b/flowers/train/80/image_02002.jpg differ diff --git a/flowers/train/80/image_02003.jpg b/flowers/train/80/image_02003.jpg new file mode 100644 index 00000000..46865434 Binary files /dev/null and b/flowers/train/80/image_02003.jpg differ diff --git a/flowers/train/80/image_02004.jpg b/flowers/train/80/image_02004.jpg new file mode 100644 index 00000000..31a968d6 Binary files /dev/null and b/flowers/train/80/image_02004.jpg differ diff --git a/flowers/train/80/image_02006.jpg b/flowers/train/80/image_02006.jpg new file mode 100644 index 00000000..d8d001f8 Binary files /dev/null and b/flowers/train/80/image_02006.jpg differ diff --git a/flowers/train/80/image_02007.jpg b/flowers/train/80/image_02007.jpg new file mode 100644 index 00000000..9a51b00e Binary files /dev/null and b/flowers/train/80/image_02007.jpg differ diff --git a/flowers/train/80/image_02008.jpg b/flowers/train/80/image_02008.jpg new file mode 100644 index 00000000..9255a9fe Binary files /dev/null and b/flowers/train/80/image_02008.jpg differ diff --git a/flowers/train/80/image_02009.jpg b/flowers/train/80/image_02009.jpg new file mode 100644 index 00000000..684b779b Binary files /dev/null and b/flowers/train/80/image_02009.jpg differ diff --git a/flowers/train/80/image_02010.jpg b/flowers/train/80/image_02010.jpg new file mode 100644 index 00000000..df8e96b9 Binary files /dev/null and b/flowers/train/80/image_02010.jpg differ diff --git a/flowers/train/80/image_02012.jpg b/flowers/train/80/image_02012.jpg new file mode 100644 index 00000000..cd74979c Binary files /dev/null and b/flowers/train/80/image_02012.jpg differ diff --git a/flowers/train/80/image_02013.jpg b/flowers/train/80/image_02013.jpg new file mode 100644 index 00000000..09a87112 Binary files /dev/null and b/flowers/train/80/image_02013.jpg differ diff --git a/flowers/train/80/image_02014.jpg b/flowers/train/80/image_02014.jpg new file mode 100644 index 00000000..934461d1 Binary files /dev/null and b/flowers/train/80/image_02014.jpg differ diff --git a/flowers/train/80/image_02015.jpg b/flowers/train/80/image_02015.jpg new file mode 100644 index 00000000..81443bec Binary files /dev/null and b/flowers/train/80/image_02015.jpg differ diff --git a/flowers/train/80/image_02016.jpg b/flowers/train/80/image_02016.jpg new file mode 100644 index 00000000..4962adae Binary files /dev/null and b/flowers/train/80/image_02016.jpg differ diff --git a/flowers/train/80/image_02018.jpg b/flowers/train/80/image_02018.jpg new file mode 100644 index 00000000..0ba30b36 Binary files /dev/null and b/flowers/train/80/image_02018.jpg differ diff --git a/flowers/train/80/image_02019.jpg b/flowers/train/80/image_02019.jpg new file mode 100644 index 00000000..2eef1e98 Binary files /dev/null and b/flowers/train/80/image_02019.jpg differ diff --git a/flowers/train/80/image_02022.jpg b/flowers/train/80/image_02022.jpg new file mode 100644 index 00000000..18dec2d3 Binary files /dev/null and b/flowers/train/80/image_02022.jpg differ diff --git a/flowers/train/80/image_02024.jpg b/flowers/train/80/image_02024.jpg new file mode 100644 index 00000000..2dce19ba Binary files /dev/null and b/flowers/train/80/image_02024.jpg differ diff --git a/flowers/train/80/image_02025.jpg b/flowers/train/80/image_02025.jpg new file mode 100644 index 00000000..c7cd1d09 Binary files /dev/null and b/flowers/train/80/image_02025.jpg differ diff --git a/flowers/train/80/image_02026.jpg b/flowers/train/80/image_02026.jpg new file mode 100644 index 00000000..db0efc86 Binary files /dev/null and b/flowers/train/80/image_02026.jpg differ diff --git a/flowers/train/80/image_02027.jpg b/flowers/train/80/image_02027.jpg new file mode 100644 index 00000000..f282321e Binary files /dev/null and b/flowers/train/80/image_02027.jpg differ diff --git a/flowers/train/80/image_02028.jpg b/flowers/train/80/image_02028.jpg new file mode 100644 index 00000000..e08c4303 Binary files /dev/null and b/flowers/train/80/image_02028.jpg differ diff --git a/flowers/train/80/image_02029.jpg b/flowers/train/80/image_02029.jpg new file mode 100644 index 00000000..f85ad884 Binary files /dev/null and b/flowers/train/80/image_02029.jpg differ diff --git a/flowers/train/80/image_02030.jpg b/flowers/train/80/image_02030.jpg new file mode 100644 index 00000000..9249baa4 Binary files /dev/null and b/flowers/train/80/image_02030.jpg differ diff --git a/flowers/train/80/image_02031.jpg b/flowers/train/80/image_02031.jpg new file mode 100644 index 00000000..efdb08ca Binary files /dev/null and b/flowers/train/80/image_02031.jpg differ diff --git a/flowers/train/80/image_02032.jpg b/flowers/train/80/image_02032.jpg new file mode 100644 index 00000000..fb9daa92 Binary files /dev/null and b/flowers/train/80/image_02032.jpg differ diff --git a/flowers/train/80/image_02033.jpg b/flowers/train/80/image_02033.jpg new file mode 100644 index 00000000..46dba274 Binary files /dev/null and b/flowers/train/80/image_02033.jpg differ diff --git a/flowers/train/80/image_02034.jpg b/flowers/train/80/image_02034.jpg new file mode 100644 index 00000000..a133fa7d Binary files /dev/null and b/flowers/train/80/image_02034.jpg differ diff --git a/flowers/train/80/image_02035.jpg b/flowers/train/80/image_02035.jpg new file mode 100644 index 00000000..02314826 Binary files /dev/null and b/flowers/train/80/image_02035.jpg differ diff --git a/flowers/train/80/image_02036.jpg b/flowers/train/80/image_02036.jpg new file mode 100644 index 00000000..ccb77894 Binary files /dev/null and b/flowers/train/80/image_02036.jpg differ diff --git a/flowers/train/80/image_02037.jpg b/flowers/train/80/image_02037.jpg new file mode 100644 index 00000000..ff0b8de3 Binary files /dev/null and b/flowers/train/80/image_02037.jpg differ diff --git a/flowers/train/80/image_02038.jpg b/flowers/train/80/image_02038.jpg new file mode 100644 index 00000000..14cc736b Binary files /dev/null and b/flowers/train/80/image_02038.jpg differ diff --git a/flowers/train/80/image_02039.jpg b/flowers/train/80/image_02039.jpg new file mode 100644 index 00000000..d75e17ad Binary files /dev/null and b/flowers/train/80/image_02039.jpg differ diff --git a/flowers/train/80/image_02040.jpg b/flowers/train/80/image_02040.jpg new file mode 100644 index 00000000..2036197c Binary files /dev/null and b/flowers/train/80/image_02040.jpg differ diff --git a/flowers/train/80/image_02043.jpg b/flowers/train/80/image_02043.jpg new file mode 100644 index 00000000..edd09735 Binary files /dev/null and b/flowers/train/80/image_02043.jpg differ diff --git a/flowers/train/80/image_02044.jpg b/flowers/train/80/image_02044.jpg new file mode 100644 index 00000000..71069d09 Binary files /dev/null and b/flowers/train/80/image_02044.jpg differ diff --git a/flowers/train/80/image_02045.jpg b/flowers/train/80/image_02045.jpg new file mode 100644 index 00000000..32c16af1 Binary files /dev/null and b/flowers/train/80/image_02045.jpg differ diff --git a/flowers/train/80/image_02046.jpg b/flowers/train/80/image_02046.jpg new file mode 100644 index 00000000..eae89b09 Binary files /dev/null and b/flowers/train/80/image_02046.jpg differ diff --git a/flowers/train/80/image_02047.jpg b/flowers/train/80/image_02047.jpg new file mode 100644 index 00000000..38032d51 Binary files /dev/null and b/flowers/train/80/image_02047.jpg differ diff --git a/flowers/train/80/image_02048.jpg b/flowers/train/80/image_02048.jpg new file mode 100644 index 00000000..38fc9a9a Binary files /dev/null and b/flowers/train/80/image_02048.jpg differ diff --git a/flowers/train/80/image_02052.jpg b/flowers/train/80/image_02052.jpg new file mode 100644 index 00000000..73084805 Binary files /dev/null and b/flowers/train/80/image_02052.jpg differ diff --git a/flowers/train/80/image_02053.jpg b/flowers/train/80/image_02053.jpg new file mode 100644 index 00000000..491dcd99 Binary files /dev/null and b/flowers/train/80/image_02053.jpg differ diff --git a/flowers/train/80/image_02054.jpg b/flowers/train/80/image_02054.jpg new file mode 100644 index 00000000..a9ddfdd0 Binary files /dev/null and b/flowers/train/80/image_02054.jpg differ diff --git a/flowers/train/80/image_02056.jpg b/flowers/train/80/image_02056.jpg new file mode 100644 index 00000000..f1083d49 Binary files /dev/null and b/flowers/train/80/image_02056.jpg differ diff --git a/flowers/train/80/image_02057.jpg b/flowers/train/80/image_02057.jpg new file mode 100644 index 00000000..0399628b Binary files /dev/null and b/flowers/train/80/image_02057.jpg differ diff --git a/flowers/train/80/image_02058.jpg b/flowers/train/80/image_02058.jpg new file mode 100644 index 00000000..66e12fff Binary files /dev/null and b/flowers/train/80/image_02058.jpg differ diff --git a/flowers/train/80/image_02059.jpg b/flowers/train/80/image_02059.jpg new file mode 100644 index 00000000..09998473 Binary files /dev/null and b/flowers/train/80/image_02059.jpg differ diff --git a/flowers/train/80/image_02060.jpg b/flowers/train/80/image_02060.jpg new file mode 100644 index 00000000..1c0ce0e5 Binary files /dev/null and b/flowers/train/80/image_02060.jpg differ diff --git a/flowers/train/80/image_02061.jpg b/flowers/train/80/image_02061.jpg new file mode 100644 index 00000000..87e202b3 Binary files /dev/null and b/flowers/train/80/image_02061.jpg differ diff --git a/flowers/train/80/image_02063.jpg b/flowers/train/80/image_02063.jpg new file mode 100644 index 00000000..3606717e Binary files /dev/null and b/flowers/train/80/image_02063.jpg differ diff --git a/flowers/train/80/image_02064.jpg b/flowers/train/80/image_02064.jpg new file mode 100644 index 00000000..f3642611 Binary files /dev/null and b/flowers/train/80/image_02064.jpg differ diff --git a/flowers/train/80/image_02065.jpg b/flowers/train/80/image_02065.jpg new file mode 100644 index 00000000..23178f8f Binary files /dev/null and b/flowers/train/80/image_02065.jpg differ diff --git a/flowers/train/80/image_02066.jpg b/flowers/train/80/image_02066.jpg new file mode 100644 index 00000000..6b74b6db Binary files /dev/null and b/flowers/train/80/image_02066.jpg differ diff --git a/flowers/train/80/image_02067.jpg b/flowers/train/80/image_02067.jpg new file mode 100644 index 00000000..e50b4570 Binary files /dev/null and b/flowers/train/80/image_02067.jpg differ diff --git a/flowers/train/80/image_02068.jpg b/flowers/train/80/image_02068.jpg new file mode 100644 index 00000000..f9d58c30 Binary files /dev/null and b/flowers/train/80/image_02068.jpg differ diff --git a/flowers/train/81/image_00781.jpg b/flowers/train/81/image_00781.jpg new file mode 100644 index 00000000..61ee3dbe Binary files /dev/null and b/flowers/train/81/image_00781.jpg differ diff --git a/flowers/train/81/image_00782.jpg b/flowers/train/81/image_00782.jpg new file mode 100644 index 00000000..30d918ce Binary files /dev/null and b/flowers/train/81/image_00782.jpg differ diff --git a/flowers/train/81/image_00783.jpg b/flowers/train/81/image_00783.jpg new file mode 100644 index 00000000..92e994ad Binary files /dev/null and b/flowers/train/81/image_00783.jpg differ diff --git a/flowers/train/81/image_00785.jpg b/flowers/train/81/image_00785.jpg new file mode 100644 index 00000000..77de2fc7 Binary files /dev/null and b/flowers/train/81/image_00785.jpg differ diff --git a/flowers/train/81/image_00786.jpg b/flowers/train/81/image_00786.jpg new file mode 100644 index 00000000..2d830fa9 Binary files /dev/null and b/flowers/train/81/image_00786.jpg differ diff --git a/flowers/train/81/image_00787.jpg b/flowers/train/81/image_00787.jpg new file mode 100644 index 00000000..f72c2493 Binary files /dev/null and b/flowers/train/81/image_00787.jpg differ diff --git a/flowers/train/81/image_00788.jpg b/flowers/train/81/image_00788.jpg new file mode 100644 index 00000000..674d2c35 Binary files /dev/null and b/flowers/train/81/image_00788.jpg differ diff --git a/flowers/train/81/image_00789.jpg b/flowers/train/81/image_00789.jpg new file mode 100644 index 00000000..7608cde8 Binary files /dev/null and b/flowers/train/81/image_00789.jpg differ diff --git a/flowers/train/81/image_00790.jpg b/flowers/train/81/image_00790.jpg new file mode 100644 index 00000000..bdf13f6f Binary files /dev/null and b/flowers/train/81/image_00790.jpg differ diff --git a/flowers/train/81/image_00791.jpg b/flowers/train/81/image_00791.jpg new file mode 100644 index 00000000..5d2a69d5 Binary files /dev/null and b/flowers/train/81/image_00791.jpg differ diff --git a/flowers/train/81/image_00792.jpg b/flowers/train/81/image_00792.jpg new file mode 100644 index 00000000..2eca049d Binary files /dev/null and b/flowers/train/81/image_00792.jpg differ diff --git a/flowers/train/81/image_00793.jpg b/flowers/train/81/image_00793.jpg new file mode 100644 index 00000000..fbf145a1 Binary files /dev/null and b/flowers/train/81/image_00793.jpg differ diff --git a/flowers/train/81/image_00794.jpg b/flowers/train/81/image_00794.jpg new file mode 100644 index 00000000..a6fcd4b9 Binary files /dev/null and b/flowers/train/81/image_00794.jpg differ diff --git a/flowers/train/81/image_00795.jpg b/flowers/train/81/image_00795.jpg new file mode 100644 index 00000000..72aa5509 Binary files /dev/null and b/flowers/train/81/image_00795.jpg differ diff --git a/flowers/train/81/image_00796.jpg b/flowers/train/81/image_00796.jpg new file mode 100644 index 00000000..8a23b196 Binary files /dev/null and b/flowers/train/81/image_00796.jpg differ diff --git a/flowers/train/81/image_00797.jpg b/flowers/train/81/image_00797.jpg new file mode 100644 index 00000000..ee3e93fd Binary files /dev/null and b/flowers/train/81/image_00797.jpg differ diff --git a/flowers/train/81/image_00799.jpg b/flowers/train/81/image_00799.jpg new file mode 100644 index 00000000..669ab5b1 Binary files /dev/null and b/flowers/train/81/image_00799.jpg differ diff --git a/flowers/train/81/image_00800.jpg b/flowers/train/81/image_00800.jpg new file mode 100644 index 00000000..fa0d54b1 Binary files /dev/null and b/flowers/train/81/image_00800.jpg differ diff --git a/flowers/train/81/image_00801.jpg b/flowers/train/81/image_00801.jpg new file mode 100644 index 00000000..55c4965f Binary files /dev/null and b/flowers/train/81/image_00801.jpg differ diff --git a/flowers/train/81/image_00802.jpg b/flowers/train/81/image_00802.jpg new file mode 100644 index 00000000..e3ccf81d Binary files /dev/null and b/flowers/train/81/image_00802.jpg differ diff --git a/flowers/train/81/image_00803.jpg b/flowers/train/81/image_00803.jpg new file mode 100644 index 00000000..c0972871 Binary files /dev/null and b/flowers/train/81/image_00803.jpg differ diff --git a/flowers/train/81/image_00804.jpg b/flowers/train/81/image_00804.jpg new file mode 100644 index 00000000..19475310 Binary files /dev/null and b/flowers/train/81/image_00804.jpg differ diff --git a/flowers/train/81/image_00805.jpg b/flowers/train/81/image_00805.jpg new file mode 100644 index 00000000..d50ceaa6 Binary files /dev/null and b/flowers/train/81/image_00805.jpg differ diff --git a/flowers/train/81/image_00806.jpg b/flowers/train/81/image_00806.jpg new file mode 100644 index 00000000..98249ea4 Binary files /dev/null and b/flowers/train/81/image_00806.jpg differ diff --git a/flowers/train/81/image_00807.jpg b/flowers/train/81/image_00807.jpg new file mode 100644 index 00000000..5af98652 Binary files /dev/null and b/flowers/train/81/image_00807.jpg differ diff --git a/flowers/train/81/image_00808.jpg b/flowers/train/81/image_00808.jpg new file mode 100644 index 00000000..e8c30bad Binary files /dev/null and b/flowers/train/81/image_00808.jpg differ diff --git a/flowers/train/81/image_00810.jpg b/flowers/train/81/image_00810.jpg new file mode 100644 index 00000000..b8d7f07b Binary files /dev/null and b/flowers/train/81/image_00810.jpg differ diff --git a/flowers/train/81/image_00811.jpg b/flowers/train/81/image_00811.jpg new file mode 100644 index 00000000..05d5dbed Binary files /dev/null and b/flowers/train/81/image_00811.jpg differ diff --git a/flowers/train/81/image_00812.jpg b/flowers/train/81/image_00812.jpg new file mode 100644 index 00000000..bf924d2b Binary files /dev/null and b/flowers/train/81/image_00812.jpg differ diff --git a/flowers/train/81/image_00813.jpg b/flowers/train/81/image_00813.jpg new file mode 100644 index 00000000..9edcad3c Binary files /dev/null and b/flowers/train/81/image_00813.jpg differ diff --git a/flowers/train/81/image_00816.jpg b/flowers/train/81/image_00816.jpg new file mode 100644 index 00000000..a1c6960b Binary files /dev/null and b/flowers/train/81/image_00816.jpg differ diff --git a/flowers/train/81/image_00817.jpg b/flowers/train/81/image_00817.jpg new file mode 100644 index 00000000..6d42c83a Binary files /dev/null and b/flowers/train/81/image_00817.jpg differ diff --git a/flowers/train/81/image_00819.jpg b/flowers/train/81/image_00819.jpg new file mode 100644 index 00000000..7abdd1a8 Binary files /dev/null and b/flowers/train/81/image_00819.jpg differ diff --git a/flowers/train/81/image_00821.jpg b/flowers/train/81/image_00821.jpg new file mode 100644 index 00000000..52383b55 Binary files /dev/null and b/flowers/train/81/image_00821.jpg differ diff --git a/flowers/train/81/image_00822.jpg b/flowers/train/81/image_00822.jpg new file mode 100644 index 00000000..e1ea4367 Binary files /dev/null and b/flowers/train/81/image_00822.jpg differ diff --git a/flowers/train/81/image_00823.jpg b/flowers/train/81/image_00823.jpg new file mode 100644 index 00000000..7aba03d5 Binary files /dev/null and b/flowers/train/81/image_00823.jpg differ diff --git a/flowers/train/81/image_00824.jpg b/flowers/train/81/image_00824.jpg new file mode 100644 index 00000000..8cacefa1 Binary files /dev/null and b/flowers/train/81/image_00824.jpg differ diff --git a/flowers/train/81/image_00827.jpg b/flowers/train/81/image_00827.jpg new file mode 100644 index 00000000..2e3b2aca Binary files /dev/null and b/flowers/train/81/image_00827.jpg differ diff --git a/flowers/train/81/image_00829.jpg b/flowers/train/81/image_00829.jpg new file mode 100644 index 00000000..7a533408 Binary files /dev/null and b/flowers/train/81/image_00829.jpg differ diff --git a/flowers/train/81/image_00830.jpg b/flowers/train/81/image_00830.jpg new file mode 100644 index 00000000..33709af6 Binary files /dev/null and b/flowers/train/81/image_00830.jpg differ diff --git a/flowers/train/81/image_00831.jpg b/flowers/train/81/image_00831.jpg new file mode 100644 index 00000000..1d2e58a9 Binary files /dev/null and b/flowers/train/81/image_00831.jpg differ diff --git a/flowers/train/81/image_00832.jpg b/flowers/train/81/image_00832.jpg new file mode 100644 index 00000000..1cc12aa1 Binary files /dev/null and b/flowers/train/81/image_00832.jpg differ diff --git a/flowers/train/81/image_00834.jpg b/flowers/train/81/image_00834.jpg new file mode 100644 index 00000000..84e20b46 Binary files /dev/null and b/flowers/train/81/image_00834.jpg differ diff --git a/flowers/train/81/image_00835.jpg b/flowers/train/81/image_00835.jpg new file mode 100644 index 00000000..c20039f4 Binary files /dev/null and b/flowers/train/81/image_00835.jpg differ diff --git a/flowers/train/81/image_00836.jpg b/flowers/train/81/image_00836.jpg new file mode 100644 index 00000000..577e2ef3 Binary files /dev/null and b/flowers/train/81/image_00836.jpg differ diff --git a/flowers/train/81/image_00837.jpg b/flowers/train/81/image_00837.jpg new file mode 100644 index 00000000..1d699d92 Binary files /dev/null and b/flowers/train/81/image_00837.jpg differ diff --git a/flowers/train/81/image_00838.jpg b/flowers/train/81/image_00838.jpg new file mode 100644 index 00000000..3cfb6597 Binary files /dev/null and b/flowers/train/81/image_00838.jpg differ diff --git a/flowers/train/81/image_00839.jpg b/flowers/train/81/image_00839.jpg new file mode 100644 index 00000000..e3b9dae8 Binary files /dev/null and b/flowers/train/81/image_00839.jpg differ diff --git a/flowers/train/81/image_00840.jpg b/flowers/train/81/image_00840.jpg new file mode 100644 index 00000000..62f8b870 Binary files /dev/null and b/flowers/train/81/image_00840.jpg differ diff --git a/flowers/train/81/image_00841.jpg b/flowers/train/81/image_00841.jpg new file mode 100644 index 00000000..3406a99a Binary files /dev/null and b/flowers/train/81/image_00841.jpg differ diff --git a/flowers/train/81/image_00842.jpg b/flowers/train/81/image_00842.jpg new file mode 100644 index 00000000..18cf0462 Binary files /dev/null and b/flowers/train/81/image_00842.jpg differ diff --git a/flowers/train/81/image_00843.jpg b/flowers/train/81/image_00843.jpg new file mode 100644 index 00000000..f0f2cc57 Binary files /dev/null and b/flowers/train/81/image_00843.jpg differ diff --git a/flowers/train/81/image_00844.jpg b/flowers/train/81/image_00844.jpg new file mode 100644 index 00000000..6cdcea86 Binary files /dev/null and b/flowers/train/81/image_00844.jpg differ diff --git a/flowers/train/81/image_00845.jpg b/flowers/train/81/image_00845.jpg new file mode 100644 index 00000000..2e96bb25 Binary files /dev/null and b/flowers/train/81/image_00845.jpg differ diff --git a/flowers/train/81/image_00846.jpg b/flowers/train/81/image_00846.jpg new file mode 100644 index 00000000..5080b5c6 Binary files /dev/null and b/flowers/train/81/image_00846.jpg differ diff --git a/flowers/train/81/image_00847.jpg b/flowers/train/81/image_00847.jpg new file mode 100644 index 00000000..2bfffcb2 Binary files /dev/null and b/flowers/train/81/image_00847.jpg differ diff --git a/flowers/train/81/image_00849.jpg b/flowers/train/81/image_00849.jpg new file mode 100644 index 00000000..167eedcf Binary files /dev/null and b/flowers/train/81/image_00849.jpg differ diff --git a/flowers/train/81/image_00850.jpg b/flowers/train/81/image_00850.jpg new file mode 100644 index 00000000..937d381a Binary files /dev/null and b/flowers/train/81/image_00850.jpg differ diff --git a/flowers/train/81/image_00851.jpg b/flowers/train/81/image_00851.jpg new file mode 100644 index 00000000..d0385aa7 Binary files /dev/null and b/flowers/train/81/image_00851.jpg differ diff --git a/flowers/train/81/image_00852.jpg b/flowers/train/81/image_00852.jpg new file mode 100644 index 00000000..48a5bce7 Binary files /dev/null and b/flowers/train/81/image_00852.jpg differ diff --git a/flowers/train/81/image_00854.jpg b/flowers/train/81/image_00854.jpg new file mode 100644 index 00000000..424cc5e3 Binary files /dev/null and b/flowers/train/81/image_00854.jpg differ diff --git a/flowers/train/81/image_00855.jpg b/flowers/train/81/image_00855.jpg new file mode 100644 index 00000000..150e7099 Binary files /dev/null and b/flowers/train/81/image_00855.jpg differ diff --git a/flowers/train/81/image_00856.jpg b/flowers/train/81/image_00856.jpg new file mode 100644 index 00000000..e61847d1 Binary files /dev/null and b/flowers/train/81/image_00856.jpg differ diff --git a/flowers/train/81/image_00857.jpg b/flowers/train/81/image_00857.jpg new file mode 100644 index 00000000..09c0b09d Binary files /dev/null and b/flowers/train/81/image_00857.jpg differ diff --git a/flowers/train/81/image_00858.jpg b/flowers/train/81/image_00858.jpg new file mode 100644 index 00000000..6d71b862 Binary files /dev/null and b/flowers/train/81/image_00858.jpg differ diff --git a/flowers/train/81/image_00861.jpg b/flowers/train/81/image_00861.jpg new file mode 100644 index 00000000..48ab0f25 Binary files /dev/null and b/flowers/train/81/image_00861.jpg differ diff --git a/flowers/train/81/image_00862.jpg b/flowers/train/81/image_00862.jpg new file mode 100644 index 00000000..c811780a Binary files /dev/null and b/flowers/train/81/image_00862.jpg differ diff --git a/flowers/train/81/image_00864.jpg b/flowers/train/81/image_00864.jpg new file mode 100644 index 00000000..83e5187f Binary files /dev/null and b/flowers/train/81/image_00864.jpg differ diff --git a/flowers/train/81/image_00865.jpg b/flowers/train/81/image_00865.jpg new file mode 100644 index 00000000..80420640 Binary files /dev/null and b/flowers/train/81/image_00865.jpg differ diff --git a/flowers/train/81/image_00866.jpg b/flowers/train/81/image_00866.jpg new file mode 100644 index 00000000..f63603d3 Binary files /dev/null and b/flowers/train/81/image_00866.jpg differ diff --git a/flowers/train/81/image_00867.jpg b/flowers/train/81/image_00867.jpg new file mode 100644 index 00000000..a0ef8695 Binary files /dev/null and b/flowers/train/81/image_00867.jpg differ diff --git a/flowers/train/81/image_00868.jpg b/flowers/train/81/image_00868.jpg new file mode 100644 index 00000000..f6ef766c Binary files /dev/null and b/flowers/train/81/image_00868.jpg differ diff --git a/flowers/train/81/image_00870.jpg b/flowers/train/81/image_00870.jpg new file mode 100644 index 00000000..ad46acc7 Binary files /dev/null and b/flowers/train/81/image_00870.jpg differ diff --git a/flowers/train/81/image_00871.jpg b/flowers/train/81/image_00871.jpg new file mode 100644 index 00000000..4a1b5ba6 Binary files /dev/null and b/flowers/train/81/image_00871.jpg differ diff --git a/flowers/train/81/image_00872.jpg b/flowers/train/81/image_00872.jpg new file mode 100644 index 00000000..7950f2d5 Binary files /dev/null and b/flowers/train/81/image_00872.jpg differ diff --git a/flowers/train/81/image_00873.jpg b/flowers/train/81/image_00873.jpg new file mode 100644 index 00000000..4aa48531 Binary files /dev/null and b/flowers/train/81/image_00873.jpg differ diff --git a/flowers/train/81/image_00874.jpg b/flowers/train/81/image_00874.jpg new file mode 100644 index 00000000..79ad5587 Binary files /dev/null and b/flowers/train/81/image_00874.jpg differ diff --git a/flowers/train/81/image_00875.jpg b/flowers/train/81/image_00875.jpg new file mode 100644 index 00000000..da2befdf Binary files /dev/null and b/flowers/train/81/image_00875.jpg differ diff --git a/flowers/train/81/image_00876.jpg b/flowers/train/81/image_00876.jpg new file mode 100644 index 00000000..6138b2d6 Binary files /dev/null and b/flowers/train/81/image_00876.jpg differ diff --git a/flowers/train/81/image_00877.jpg b/flowers/train/81/image_00877.jpg new file mode 100644 index 00000000..8cc3eb43 Binary files /dev/null and b/flowers/train/81/image_00877.jpg differ diff --git a/flowers/train/81/image_00878.jpg b/flowers/train/81/image_00878.jpg new file mode 100644 index 00000000..12eb3ba3 Binary files /dev/null and b/flowers/train/81/image_00878.jpg differ diff --git a/flowers/train/81/image_00879.jpg b/flowers/train/81/image_00879.jpg new file mode 100644 index 00000000..78f877cf Binary files /dev/null and b/flowers/train/81/image_00879.jpg differ diff --git a/flowers/train/81/image_00880.jpg b/flowers/train/81/image_00880.jpg new file mode 100644 index 00000000..25ea6c4e Binary files /dev/null and b/flowers/train/81/image_00880.jpg differ diff --git a/flowers/train/81/image_00881.jpg b/flowers/train/81/image_00881.jpg new file mode 100644 index 00000000..e5ed134f Binary files /dev/null and b/flowers/train/81/image_00881.jpg differ diff --git a/flowers/train/81/image_00882.jpg b/flowers/train/81/image_00882.jpg new file mode 100644 index 00000000..d4d912fa Binary files /dev/null and b/flowers/train/81/image_00882.jpg differ diff --git a/flowers/train/81/image_00883.jpg b/flowers/train/81/image_00883.jpg new file mode 100644 index 00000000..68bca78a Binary files /dev/null and b/flowers/train/81/image_00883.jpg differ diff --git a/flowers/train/81/image_00884.jpg b/flowers/train/81/image_00884.jpg new file mode 100644 index 00000000..882cd751 Binary files /dev/null and b/flowers/train/81/image_00884.jpg differ diff --git a/flowers/train/81/image_00885.jpg b/flowers/train/81/image_00885.jpg new file mode 100644 index 00000000..4b259236 Binary files /dev/null and b/flowers/train/81/image_00885.jpg differ diff --git a/flowers/train/81/image_00886.jpg b/flowers/train/81/image_00886.jpg new file mode 100644 index 00000000..5c0bcc0c Binary files /dev/null and b/flowers/train/81/image_00886.jpg differ diff --git a/flowers/train/81/image_00887.jpg b/flowers/train/81/image_00887.jpg new file mode 100644 index 00000000..e11a75a6 Binary files /dev/null and b/flowers/train/81/image_00887.jpg differ diff --git a/flowers/train/81/image_00889.jpg b/flowers/train/81/image_00889.jpg new file mode 100644 index 00000000..0db8c782 Binary files /dev/null and b/flowers/train/81/image_00889.jpg differ diff --git a/flowers/train/81/image_00890.jpg b/flowers/train/81/image_00890.jpg new file mode 100644 index 00000000..85831a49 Binary files /dev/null and b/flowers/train/81/image_00890.jpg differ diff --git a/flowers/train/81/image_00891.jpg b/flowers/train/81/image_00891.jpg new file mode 100644 index 00000000..fee53677 Binary files /dev/null and b/flowers/train/81/image_00891.jpg differ diff --git a/flowers/train/81/image_00894.jpg b/flowers/train/81/image_00894.jpg new file mode 100644 index 00000000..0f64298c Binary files /dev/null and b/flowers/train/81/image_00894.jpg differ diff --git a/flowers/train/81/image_00897.jpg b/flowers/train/81/image_00897.jpg new file mode 100644 index 00000000..c31779e6 Binary files /dev/null and b/flowers/train/81/image_00897.jpg differ diff --git a/flowers/train/81/image_00899.jpg b/flowers/train/81/image_00899.jpg new file mode 100644 index 00000000..d660505e Binary files /dev/null and b/flowers/train/81/image_00899.jpg differ diff --git a/flowers/train/81/image_00900.jpg b/flowers/train/81/image_00900.jpg new file mode 100644 index 00000000..6d03e9fe Binary files /dev/null and b/flowers/train/81/image_00900.jpg differ diff --git a/flowers/train/81/image_00901.jpg b/flowers/train/81/image_00901.jpg new file mode 100644 index 00000000..73274918 Binary files /dev/null and b/flowers/train/81/image_00901.jpg differ diff --git a/flowers/train/81/image_00902.jpg b/flowers/train/81/image_00902.jpg new file mode 100644 index 00000000..40f11dbf Binary files /dev/null and b/flowers/train/81/image_00902.jpg differ diff --git a/flowers/train/81/image_00905.jpg b/flowers/train/81/image_00905.jpg new file mode 100644 index 00000000..28e016ea Binary files /dev/null and b/flowers/train/81/image_00905.jpg differ diff --git a/flowers/train/81/image_00906.jpg b/flowers/train/81/image_00906.jpg new file mode 100644 index 00000000..8bc21ab4 Binary files /dev/null and b/flowers/train/81/image_00906.jpg differ diff --git a/flowers/train/81/image_00907.jpg b/flowers/train/81/image_00907.jpg new file mode 100644 index 00000000..35775dd0 Binary files /dev/null and b/flowers/train/81/image_00907.jpg differ diff --git a/flowers/train/81/image_00908.jpg b/flowers/train/81/image_00908.jpg new file mode 100644 index 00000000..0b60aa94 Binary files /dev/null and b/flowers/train/81/image_00908.jpg differ diff --git a/flowers/train/81/image_00910.jpg b/flowers/train/81/image_00910.jpg new file mode 100644 index 00000000..a58ecc72 Binary files /dev/null and b/flowers/train/81/image_00910.jpg differ diff --git a/flowers/train/81/image_00911.jpg b/flowers/train/81/image_00911.jpg new file mode 100644 index 00000000..2ae23ceb Binary files /dev/null and b/flowers/train/81/image_00911.jpg differ diff --git a/flowers/train/81/image_00912.jpg b/flowers/train/81/image_00912.jpg new file mode 100644 index 00000000..d76f2bc8 Binary files /dev/null and b/flowers/train/81/image_00912.jpg differ diff --git a/flowers/train/81/image_00913.jpg b/flowers/train/81/image_00913.jpg new file mode 100644 index 00000000..a7ffbc63 Binary files /dev/null and b/flowers/train/81/image_00913.jpg differ diff --git a/flowers/train/81/image_00915.jpg b/flowers/train/81/image_00915.jpg new file mode 100644 index 00000000..ddd8a2dd Binary files /dev/null and b/flowers/train/81/image_00915.jpg differ diff --git a/flowers/train/81/image_00916.jpg b/flowers/train/81/image_00916.jpg new file mode 100644 index 00000000..c8dbaf28 Binary files /dev/null and b/flowers/train/81/image_00916.jpg differ diff --git a/flowers/train/81/image_00917.jpg b/flowers/train/81/image_00917.jpg new file mode 100644 index 00000000..e3a86924 Binary files /dev/null and b/flowers/train/81/image_00917.jpg differ diff --git a/flowers/train/81/image_00918.jpg b/flowers/train/81/image_00918.jpg new file mode 100644 index 00000000..c823af4e Binary files /dev/null and b/flowers/train/81/image_00918.jpg differ diff --git a/flowers/train/81/image_00921.jpg b/flowers/train/81/image_00921.jpg new file mode 100644 index 00000000..906c4324 Binary files /dev/null and b/flowers/train/81/image_00921.jpg differ diff --git a/flowers/train/81/image_00922.jpg b/flowers/train/81/image_00922.jpg new file mode 100644 index 00000000..92fb0ecf Binary files /dev/null and b/flowers/train/81/image_00922.jpg differ diff --git a/flowers/train/81/image_00923.jpg b/flowers/train/81/image_00923.jpg new file mode 100644 index 00000000..e90b5155 Binary files /dev/null and b/flowers/train/81/image_00923.jpg differ diff --git a/flowers/train/81/image_00924.jpg b/flowers/train/81/image_00924.jpg new file mode 100644 index 00000000..2580076b Binary files /dev/null and b/flowers/train/81/image_00924.jpg differ diff --git a/flowers/train/81/image_00925.jpg b/flowers/train/81/image_00925.jpg new file mode 100644 index 00000000..172950ac Binary files /dev/null and b/flowers/train/81/image_00925.jpg differ diff --git a/flowers/train/81/image_00927.jpg b/flowers/train/81/image_00927.jpg new file mode 100644 index 00000000..056f5e8a Binary files /dev/null and b/flowers/train/81/image_00927.jpg differ diff --git a/flowers/train/81/image_00928.jpg b/flowers/train/81/image_00928.jpg new file mode 100644 index 00000000..46d25ce0 Binary files /dev/null and b/flowers/train/81/image_00928.jpg differ diff --git a/flowers/train/81/image_00929.jpg b/flowers/train/81/image_00929.jpg new file mode 100644 index 00000000..7774b60c Binary files /dev/null and b/flowers/train/81/image_00929.jpg differ diff --git a/flowers/train/81/image_00930.jpg b/flowers/train/81/image_00930.jpg new file mode 100644 index 00000000..57aaa93f Binary files /dev/null and b/flowers/train/81/image_00930.jpg differ diff --git a/flowers/train/81/image_00931.jpg b/flowers/train/81/image_00931.jpg new file mode 100644 index 00000000..46cf1881 Binary files /dev/null and b/flowers/train/81/image_00931.jpg differ diff --git a/flowers/train/81/image_00932.jpg b/flowers/train/81/image_00932.jpg new file mode 100644 index 00000000..607c220b Binary files /dev/null and b/flowers/train/81/image_00932.jpg differ diff --git a/flowers/train/81/image_00933.jpg b/flowers/train/81/image_00933.jpg new file mode 100644 index 00000000..bc5efccf Binary files /dev/null and b/flowers/train/81/image_00933.jpg differ diff --git a/flowers/train/81/image_00934.jpg b/flowers/train/81/image_00934.jpg new file mode 100644 index 00000000..0dbda174 Binary files /dev/null and b/flowers/train/81/image_00934.jpg differ diff --git a/flowers/train/81/image_00935.jpg b/flowers/train/81/image_00935.jpg new file mode 100644 index 00000000..28d659c9 Binary files /dev/null and b/flowers/train/81/image_00935.jpg differ diff --git a/flowers/train/81/image_00936.jpg b/flowers/train/81/image_00936.jpg new file mode 100644 index 00000000..21005b0c Binary files /dev/null and b/flowers/train/81/image_00936.jpg differ diff --git a/flowers/train/81/image_00937.jpg b/flowers/train/81/image_00937.jpg new file mode 100644 index 00000000..e4320606 Binary files /dev/null and b/flowers/train/81/image_00937.jpg differ diff --git a/flowers/train/81/image_00938.jpg b/flowers/train/81/image_00938.jpg new file mode 100644 index 00000000..11c6f575 Binary files /dev/null and b/flowers/train/81/image_00938.jpg differ diff --git a/flowers/train/81/image_00939.jpg b/flowers/train/81/image_00939.jpg new file mode 100644 index 00000000..bdcce2f8 Binary files /dev/null and b/flowers/train/81/image_00939.jpg differ diff --git a/flowers/train/81/image_00940.jpg b/flowers/train/81/image_00940.jpg new file mode 100644 index 00000000..f969aee4 Binary files /dev/null and b/flowers/train/81/image_00940.jpg differ diff --git a/flowers/train/81/image_00941.jpg b/flowers/train/81/image_00941.jpg new file mode 100644 index 00000000..8c0c4b43 Binary files /dev/null and b/flowers/train/81/image_00941.jpg differ diff --git a/flowers/train/81/image_00942.jpg b/flowers/train/81/image_00942.jpg new file mode 100644 index 00000000..51b626fb Binary files /dev/null and b/flowers/train/81/image_00942.jpg differ diff --git a/flowers/train/81/image_00943.jpg b/flowers/train/81/image_00943.jpg new file mode 100644 index 00000000..3de664e1 Binary files /dev/null and b/flowers/train/81/image_00943.jpg differ diff --git a/flowers/train/81/image_00944.jpg b/flowers/train/81/image_00944.jpg new file mode 100644 index 00000000..e6e4b4a9 Binary files /dev/null and b/flowers/train/81/image_00944.jpg differ diff --git a/flowers/train/81/image_00945.jpg b/flowers/train/81/image_00945.jpg new file mode 100644 index 00000000..d9dfaf73 Binary files /dev/null and b/flowers/train/81/image_00945.jpg differ diff --git a/flowers/train/82/image_01584.jpg b/flowers/train/82/image_01584.jpg new file mode 100644 index 00000000..55ee8a2e Binary files /dev/null and b/flowers/train/82/image_01584.jpg differ diff --git a/flowers/train/82/image_01585.jpg b/flowers/train/82/image_01585.jpg new file mode 100644 index 00000000..0fea6819 Binary files /dev/null and b/flowers/train/82/image_01585.jpg differ diff --git a/flowers/train/82/image_01586.jpg b/flowers/train/82/image_01586.jpg new file mode 100644 index 00000000..48a61b70 Binary files /dev/null and b/flowers/train/82/image_01586.jpg differ diff --git a/flowers/train/82/image_01587.jpg b/flowers/train/82/image_01587.jpg new file mode 100644 index 00000000..8a6b1504 Binary files /dev/null and b/flowers/train/82/image_01587.jpg differ diff --git a/flowers/train/82/image_01588.jpg b/flowers/train/82/image_01588.jpg new file mode 100644 index 00000000..a47e7442 Binary files /dev/null and b/flowers/train/82/image_01588.jpg differ diff --git a/flowers/train/82/image_01589.jpg b/flowers/train/82/image_01589.jpg new file mode 100644 index 00000000..996b3fa1 Binary files /dev/null and b/flowers/train/82/image_01589.jpg differ diff --git a/flowers/train/82/image_01590.jpg b/flowers/train/82/image_01590.jpg new file mode 100644 index 00000000..a1333520 Binary files /dev/null and b/flowers/train/82/image_01590.jpg differ diff --git a/flowers/train/82/image_01591.jpg b/flowers/train/82/image_01591.jpg new file mode 100644 index 00000000..da6e6db7 Binary files /dev/null and b/flowers/train/82/image_01591.jpg differ diff --git a/flowers/train/82/image_01593.jpg b/flowers/train/82/image_01593.jpg new file mode 100644 index 00000000..6c07e916 Binary files /dev/null and b/flowers/train/82/image_01593.jpg differ diff --git a/flowers/train/82/image_01595.jpg b/flowers/train/82/image_01595.jpg new file mode 100644 index 00000000..ef9b5654 Binary files /dev/null and b/flowers/train/82/image_01595.jpg differ diff --git a/flowers/train/82/image_01597.jpg b/flowers/train/82/image_01597.jpg new file mode 100644 index 00000000..f0e3762e Binary files /dev/null and b/flowers/train/82/image_01597.jpg differ diff --git a/flowers/train/82/image_01600.jpg b/flowers/train/82/image_01600.jpg new file mode 100644 index 00000000..fdf43e03 Binary files /dev/null and b/flowers/train/82/image_01600.jpg differ diff --git a/flowers/train/82/image_01601.jpg b/flowers/train/82/image_01601.jpg new file mode 100644 index 00000000..99dad79a Binary files /dev/null and b/flowers/train/82/image_01601.jpg differ diff --git a/flowers/train/82/image_01602.jpg b/flowers/train/82/image_01602.jpg new file mode 100644 index 00000000..42283b45 Binary files /dev/null and b/flowers/train/82/image_01602.jpg differ diff --git a/flowers/train/82/image_01604.jpg b/flowers/train/82/image_01604.jpg new file mode 100644 index 00000000..583ce730 Binary files /dev/null and b/flowers/train/82/image_01604.jpg differ diff --git a/flowers/train/82/image_01605.jpg b/flowers/train/82/image_01605.jpg new file mode 100644 index 00000000..7742f462 Binary files /dev/null and b/flowers/train/82/image_01605.jpg differ diff --git a/flowers/train/82/image_01606.jpg b/flowers/train/82/image_01606.jpg new file mode 100644 index 00000000..ef80980b Binary files /dev/null and b/flowers/train/82/image_01606.jpg differ diff --git a/flowers/train/82/image_01607.jpg b/flowers/train/82/image_01607.jpg new file mode 100644 index 00000000..fb2258da Binary files /dev/null and b/flowers/train/82/image_01607.jpg differ diff --git a/flowers/train/82/image_01608.jpg b/flowers/train/82/image_01608.jpg new file mode 100644 index 00000000..2a8b8daa Binary files /dev/null and b/flowers/train/82/image_01608.jpg differ diff --git a/flowers/train/82/image_01611.jpg b/flowers/train/82/image_01611.jpg new file mode 100644 index 00000000..d362f189 Binary files /dev/null and b/flowers/train/82/image_01611.jpg differ diff --git a/flowers/train/82/image_01612.jpg b/flowers/train/82/image_01612.jpg new file mode 100644 index 00000000..072fc5cd Binary files /dev/null and b/flowers/train/82/image_01612.jpg differ diff --git a/flowers/train/82/image_01613.jpg b/flowers/train/82/image_01613.jpg new file mode 100644 index 00000000..800a4c45 Binary files /dev/null and b/flowers/train/82/image_01613.jpg differ diff --git a/flowers/train/82/image_01615.jpg b/flowers/train/82/image_01615.jpg new file mode 100644 index 00000000..ade0053c Binary files /dev/null and b/flowers/train/82/image_01615.jpg differ diff --git a/flowers/train/82/image_01616.jpg b/flowers/train/82/image_01616.jpg new file mode 100644 index 00000000..fa00cad5 Binary files /dev/null and b/flowers/train/82/image_01616.jpg differ diff --git a/flowers/train/82/image_01617.jpg b/flowers/train/82/image_01617.jpg new file mode 100644 index 00000000..d2ecf0bf Binary files /dev/null and b/flowers/train/82/image_01617.jpg differ diff --git a/flowers/train/82/image_01619.jpg b/flowers/train/82/image_01619.jpg new file mode 100644 index 00000000..61a2d95b Binary files /dev/null and b/flowers/train/82/image_01619.jpg differ diff --git a/flowers/train/82/image_01620.jpg b/flowers/train/82/image_01620.jpg new file mode 100644 index 00000000..03d2fadc Binary files /dev/null and b/flowers/train/82/image_01620.jpg differ diff --git a/flowers/train/82/image_01621.jpg b/flowers/train/82/image_01621.jpg new file mode 100644 index 00000000..7d1c2d2f Binary files /dev/null and b/flowers/train/82/image_01621.jpg differ diff --git a/flowers/train/82/image_01622.jpg b/flowers/train/82/image_01622.jpg new file mode 100644 index 00000000..6d6cad56 Binary files /dev/null and b/flowers/train/82/image_01622.jpg differ diff --git a/flowers/train/82/image_01623.jpg b/flowers/train/82/image_01623.jpg new file mode 100644 index 00000000..d02223ac Binary files /dev/null and b/flowers/train/82/image_01623.jpg differ diff --git a/flowers/train/82/image_01624.jpg b/flowers/train/82/image_01624.jpg new file mode 100644 index 00000000..35520392 Binary files /dev/null and b/flowers/train/82/image_01624.jpg differ diff --git a/flowers/train/82/image_01626.jpg b/flowers/train/82/image_01626.jpg new file mode 100644 index 00000000..bd5f2741 Binary files /dev/null and b/flowers/train/82/image_01626.jpg differ diff --git a/flowers/train/82/image_01627.jpg b/flowers/train/82/image_01627.jpg new file mode 100644 index 00000000..85ad9e4d Binary files /dev/null and b/flowers/train/82/image_01627.jpg differ diff --git a/flowers/train/82/image_01628.jpg b/flowers/train/82/image_01628.jpg new file mode 100644 index 00000000..130af41e Binary files /dev/null and b/flowers/train/82/image_01628.jpg differ diff --git a/flowers/train/82/image_01629.jpg b/flowers/train/82/image_01629.jpg new file mode 100644 index 00000000..a63a94df Binary files /dev/null and b/flowers/train/82/image_01629.jpg differ diff --git a/flowers/train/82/image_01630.jpg b/flowers/train/82/image_01630.jpg new file mode 100644 index 00000000..5e8b479d Binary files /dev/null and b/flowers/train/82/image_01630.jpg differ diff --git a/flowers/train/82/image_01631.jpg b/flowers/train/82/image_01631.jpg new file mode 100644 index 00000000..c4f466f9 Binary files /dev/null and b/flowers/train/82/image_01631.jpg differ diff --git a/flowers/train/82/image_01632.jpg b/flowers/train/82/image_01632.jpg new file mode 100644 index 00000000..baadd218 Binary files /dev/null and b/flowers/train/82/image_01632.jpg differ diff --git a/flowers/train/82/image_01633.jpg b/flowers/train/82/image_01633.jpg new file mode 100644 index 00000000..8372208f Binary files /dev/null and b/flowers/train/82/image_01633.jpg differ diff --git a/flowers/train/82/image_01634.jpg b/flowers/train/82/image_01634.jpg new file mode 100644 index 00000000..a8677a1f Binary files /dev/null and b/flowers/train/82/image_01634.jpg differ diff --git a/flowers/train/82/image_01635.jpg b/flowers/train/82/image_01635.jpg new file mode 100644 index 00000000..844db52b Binary files /dev/null and b/flowers/train/82/image_01635.jpg differ diff --git a/flowers/train/82/image_01636.jpg b/flowers/train/82/image_01636.jpg new file mode 100644 index 00000000..8224523a Binary files /dev/null and b/flowers/train/82/image_01636.jpg differ diff --git a/flowers/train/82/image_01637.jpg b/flowers/train/82/image_01637.jpg new file mode 100644 index 00000000..b39346f4 Binary files /dev/null and b/flowers/train/82/image_01637.jpg differ diff --git a/flowers/train/82/image_01638.jpg b/flowers/train/82/image_01638.jpg new file mode 100644 index 00000000..800a14b6 Binary files /dev/null and b/flowers/train/82/image_01638.jpg differ diff --git a/flowers/train/82/image_01639.jpg b/flowers/train/82/image_01639.jpg new file mode 100644 index 00000000..2f7c83a8 Binary files /dev/null and b/flowers/train/82/image_01639.jpg differ diff --git a/flowers/train/82/image_01641.jpg b/flowers/train/82/image_01641.jpg new file mode 100644 index 00000000..b2bb5628 Binary files /dev/null and b/flowers/train/82/image_01641.jpg differ diff --git a/flowers/train/82/image_01642.jpg b/flowers/train/82/image_01642.jpg new file mode 100644 index 00000000..fda9fe16 Binary files /dev/null and b/flowers/train/82/image_01642.jpg differ diff --git a/flowers/train/82/image_01644.jpg b/flowers/train/82/image_01644.jpg new file mode 100644 index 00000000..c92dcd23 Binary files /dev/null and b/flowers/train/82/image_01644.jpg differ diff --git a/flowers/train/82/image_01645.jpg b/flowers/train/82/image_01645.jpg new file mode 100644 index 00000000..43436bba Binary files /dev/null and b/flowers/train/82/image_01645.jpg differ diff --git a/flowers/train/82/image_01646.jpg b/flowers/train/82/image_01646.jpg new file mode 100644 index 00000000..7581a697 Binary files /dev/null and b/flowers/train/82/image_01646.jpg differ diff --git a/flowers/train/82/image_01647.jpg b/flowers/train/82/image_01647.jpg new file mode 100644 index 00000000..51b9d61c Binary files /dev/null and b/flowers/train/82/image_01647.jpg differ diff --git a/flowers/train/82/image_01648.jpg b/flowers/train/82/image_01648.jpg new file mode 100644 index 00000000..93c97455 Binary files /dev/null and b/flowers/train/82/image_01648.jpg differ diff --git a/flowers/train/82/image_01651.jpg b/flowers/train/82/image_01651.jpg new file mode 100644 index 00000000..b327acaf Binary files /dev/null and b/flowers/train/82/image_01651.jpg differ diff --git a/flowers/train/82/image_01652.jpg b/flowers/train/82/image_01652.jpg new file mode 100644 index 00000000..8ebb9809 Binary files /dev/null and b/flowers/train/82/image_01652.jpg differ diff --git a/flowers/train/82/image_01654.jpg b/flowers/train/82/image_01654.jpg new file mode 100644 index 00000000..89a62d80 Binary files /dev/null and b/flowers/train/82/image_01654.jpg differ diff --git a/flowers/train/82/image_01655.jpg b/flowers/train/82/image_01655.jpg new file mode 100644 index 00000000..b8e8d921 Binary files /dev/null and b/flowers/train/82/image_01655.jpg differ diff --git a/flowers/train/82/image_01656.jpg b/flowers/train/82/image_01656.jpg new file mode 100644 index 00000000..6370e7c5 Binary files /dev/null and b/flowers/train/82/image_01656.jpg differ diff --git a/flowers/train/82/image_01657.jpg b/flowers/train/82/image_01657.jpg new file mode 100644 index 00000000..76a21a95 Binary files /dev/null and b/flowers/train/82/image_01657.jpg differ diff --git a/flowers/train/82/image_01660.jpg b/flowers/train/82/image_01660.jpg new file mode 100644 index 00000000..d939688d Binary files /dev/null and b/flowers/train/82/image_01660.jpg differ diff --git a/flowers/train/82/image_01663.jpg b/flowers/train/82/image_01663.jpg new file mode 100644 index 00000000..3d130916 Binary files /dev/null and b/flowers/train/82/image_01663.jpg differ diff --git a/flowers/train/82/image_01664.jpg b/flowers/train/82/image_01664.jpg new file mode 100644 index 00000000..bf7dafe9 Binary files /dev/null and b/flowers/train/82/image_01664.jpg differ diff --git a/flowers/train/82/image_01665.jpg b/flowers/train/82/image_01665.jpg new file mode 100644 index 00000000..b1256cc8 Binary files /dev/null and b/flowers/train/82/image_01665.jpg differ diff --git a/flowers/train/82/image_01667.jpg b/flowers/train/82/image_01667.jpg new file mode 100644 index 00000000..521207af Binary files /dev/null and b/flowers/train/82/image_01667.jpg differ diff --git a/flowers/train/82/image_01668.jpg b/flowers/train/82/image_01668.jpg new file mode 100644 index 00000000..0ca94ab6 Binary files /dev/null and b/flowers/train/82/image_01668.jpg differ diff --git a/flowers/train/82/image_01669.jpg b/flowers/train/82/image_01669.jpg new file mode 100644 index 00000000..e3416558 Binary files /dev/null and b/flowers/train/82/image_01669.jpg differ diff --git a/flowers/train/82/image_01670.jpg b/flowers/train/82/image_01670.jpg new file mode 100644 index 00000000..6532f77f Binary files /dev/null and b/flowers/train/82/image_01670.jpg differ diff --git a/flowers/train/82/image_01673.jpg b/flowers/train/82/image_01673.jpg new file mode 100644 index 00000000..3b6a5912 Binary files /dev/null and b/flowers/train/82/image_01673.jpg differ diff --git a/flowers/train/82/image_01674.jpg b/flowers/train/82/image_01674.jpg new file mode 100644 index 00000000..4dc94952 Binary files /dev/null and b/flowers/train/82/image_01674.jpg differ diff --git a/flowers/train/82/image_01675.jpg b/flowers/train/82/image_01675.jpg new file mode 100644 index 00000000..2671586a Binary files /dev/null and b/flowers/train/82/image_01675.jpg differ diff --git a/flowers/train/82/image_01676.jpg b/flowers/train/82/image_01676.jpg new file mode 100644 index 00000000..a637d25a Binary files /dev/null and b/flowers/train/82/image_01676.jpg differ diff --git a/flowers/train/82/image_01677.jpg b/flowers/train/82/image_01677.jpg new file mode 100644 index 00000000..e8576d2f Binary files /dev/null and b/flowers/train/82/image_01677.jpg differ diff --git a/flowers/train/82/image_01678.jpg b/flowers/train/82/image_01678.jpg new file mode 100644 index 00000000..c7413d20 Binary files /dev/null and b/flowers/train/82/image_01678.jpg differ diff --git a/flowers/train/82/image_01680.jpg b/flowers/train/82/image_01680.jpg new file mode 100644 index 00000000..0d2b89c6 Binary files /dev/null and b/flowers/train/82/image_01680.jpg differ diff --git a/flowers/train/82/image_01681.jpg b/flowers/train/82/image_01681.jpg new file mode 100644 index 00000000..71b61063 Binary files /dev/null and b/flowers/train/82/image_01681.jpg differ diff --git a/flowers/train/82/image_01682.jpg b/flowers/train/82/image_01682.jpg new file mode 100644 index 00000000..f40fdb8b Binary files /dev/null and b/flowers/train/82/image_01682.jpg differ diff --git a/flowers/train/82/image_01684.jpg b/flowers/train/82/image_01684.jpg new file mode 100644 index 00000000..46d9e0d4 Binary files /dev/null and b/flowers/train/82/image_01684.jpg differ diff --git a/flowers/train/82/image_01687.jpg b/flowers/train/82/image_01687.jpg new file mode 100644 index 00000000..e0702faf Binary files /dev/null and b/flowers/train/82/image_01687.jpg differ diff --git a/flowers/train/82/image_01688.jpg b/flowers/train/82/image_01688.jpg new file mode 100644 index 00000000..189b12b4 Binary files /dev/null and b/flowers/train/82/image_01688.jpg differ diff --git a/flowers/train/82/image_01689.jpg b/flowers/train/82/image_01689.jpg new file mode 100644 index 00000000..e4701564 Binary files /dev/null and b/flowers/train/82/image_01689.jpg differ diff --git a/flowers/train/82/image_01692.jpg b/flowers/train/82/image_01692.jpg new file mode 100644 index 00000000..a1cc5f53 Binary files /dev/null and b/flowers/train/82/image_01692.jpg differ diff --git a/flowers/train/82/image_01694.jpg b/flowers/train/82/image_01694.jpg new file mode 100644 index 00000000..1363902e Binary files /dev/null and b/flowers/train/82/image_01694.jpg differ diff --git a/flowers/train/82/image_01695.jpg b/flowers/train/82/image_01695.jpg new file mode 100644 index 00000000..346f45e4 Binary files /dev/null and b/flowers/train/82/image_01695.jpg differ diff --git a/flowers/train/83/image_01696.jpg b/flowers/train/83/image_01696.jpg new file mode 100644 index 00000000..fab37836 Binary files /dev/null and b/flowers/train/83/image_01696.jpg differ diff --git a/flowers/train/83/image_01698.jpg b/flowers/train/83/image_01698.jpg new file mode 100644 index 00000000..e4e7f9e4 Binary files /dev/null and b/flowers/train/83/image_01698.jpg differ diff --git a/flowers/train/83/image_01699.jpg b/flowers/train/83/image_01699.jpg new file mode 100644 index 00000000..029d6c31 Binary files /dev/null and b/flowers/train/83/image_01699.jpg differ diff --git a/flowers/train/83/image_01700.jpg b/flowers/train/83/image_01700.jpg new file mode 100644 index 00000000..13f90f07 Binary files /dev/null and b/flowers/train/83/image_01700.jpg differ diff --git a/flowers/train/83/image_01702.jpg b/flowers/train/83/image_01702.jpg new file mode 100644 index 00000000..ad5f0e3e Binary files /dev/null and b/flowers/train/83/image_01702.jpg differ diff --git a/flowers/train/83/image_01704.jpg b/flowers/train/83/image_01704.jpg new file mode 100644 index 00000000..be371ad4 Binary files /dev/null and b/flowers/train/83/image_01704.jpg differ diff --git a/flowers/train/83/image_01705.jpg b/flowers/train/83/image_01705.jpg new file mode 100644 index 00000000..0667952a Binary files /dev/null and b/flowers/train/83/image_01705.jpg differ diff --git a/flowers/train/83/image_01706.jpg b/flowers/train/83/image_01706.jpg new file mode 100644 index 00000000..e4a8c6c4 Binary files /dev/null and b/flowers/train/83/image_01706.jpg differ diff --git a/flowers/train/83/image_01707.jpg b/flowers/train/83/image_01707.jpg new file mode 100644 index 00000000..f148d534 Binary files /dev/null and b/flowers/train/83/image_01707.jpg differ diff --git a/flowers/train/83/image_01708.jpg b/flowers/train/83/image_01708.jpg new file mode 100644 index 00000000..8034728d Binary files /dev/null and b/flowers/train/83/image_01708.jpg differ diff --git a/flowers/train/83/image_01709.jpg b/flowers/train/83/image_01709.jpg new file mode 100644 index 00000000..3779e663 Binary files /dev/null and b/flowers/train/83/image_01709.jpg differ diff --git a/flowers/train/83/image_01710.jpg b/flowers/train/83/image_01710.jpg new file mode 100644 index 00000000..b57971f3 Binary files /dev/null and b/flowers/train/83/image_01710.jpg differ diff --git a/flowers/train/83/image_01711.jpg b/flowers/train/83/image_01711.jpg new file mode 100644 index 00000000..8deb5859 Binary files /dev/null and b/flowers/train/83/image_01711.jpg differ diff --git a/flowers/train/83/image_01713.jpg b/flowers/train/83/image_01713.jpg new file mode 100644 index 00000000..2fca3bf9 Binary files /dev/null and b/flowers/train/83/image_01713.jpg differ diff --git a/flowers/train/83/image_01714.jpg b/flowers/train/83/image_01714.jpg new file mode 100644 index 00000000..d22dbd2c Binary files /dev/null and b/flowers/train/83/image_01714.jpg differ diff --git a/flowers/train/83/image_01715.jpg b/flowers/train/83/image_01715.jpg new file mode 100644 index 00000000..1dceaa9f Binary files /dev/null and b/flowers/train/83/image_01715.jpg differ diff --git a/flowers/train/83/image_01716.jpg b/flowers/train/83/image_01716.jpg new file mode 100644 index 00000000..ce6b6d3c Binary files /dev/null and b/flowers/train/83/image_01716.jpg differ diff --git a/flowers/train/83/image_01717.jpg b/flowers/train/83/image_01717.jpg new file mode 100644 index 00000000..a63779d0 Binary files /dev/null and b/flowers/train/83/image_01717.jpg differ diff --git a/flowers/train/83/image_01718.jpg b/flowers/train/83/image_01718.jpg new file mode 100644 index 00000000..f1e92c00 Binary files /dev/null and b/flowers/train/83/image_01718.jpg differ diff --git a/flowers/train/83/image_01719.jpg b/flowers/train/83/image_01719.jpg new file mode 100644 index 00000000..5bd5a45c Binary files /dev/null and b/flowers/train/83/image_01719.jpg differ diff --git a/flowers/train/83/image_01720.jpg b/flowers/train/83/image_01720.jpg new file mode 100644 index 00000000..ffb06ec4 Binary files /dev/null and b/flowers/train/83/image_01720.jpg differ diff --git a/flowers/train/83/image_01721.jpg b/flowers/train/83/image_01721.jpg new file mode 100644 index 00000000..d8e1f61a Binary files /dev/null and b/flowers/train/83/image_01721.jpg differ diff --git a/flowers/train/83/image_01722.jpg b/flowers/train/83/image_01722.jpg new file mode 100644 index 00000000..cfb1cd4d Binary files /dev/null and b/flowers/train/83/image_01722.jpg differ diff --git a/flowers/train/83/image_01723.jpg b/flowers/train/83/image_01723.jpg new file mode 100644 index 00000000..7ed53510 Binary files /dev/null and b/flowers/train/83/image_01723.jpg differ diff --git a/flowers/train/83/image_01724.jpg b/flowers/train/83/image_01724.jpg new file mode 100644 index 00000000..461fc917 Binary files /dev/null and b/flowers/train/83/image_01724.jpg differ diff --git a/flowers/train/83/image_01725.jpg b/flowers/train/83/image_01725.jpg new file mode 100644 index 00000000..faf68d42 Binary files /dev/null and b/flowers/train/83/image_01725.jpg differ diff --git a/flowers/train/83/image_01726.jpg b/flowers/train/83/image_01726.jpg new file mode 100644 index 00000000..3bb555e7 Binary files /dev/null and b/flowers/train/83/image_01726.jpg differ diff --git a/flowers/train/83/image_01727.jpg b/flowers/train/83/image_01727.jpg new file mode 100644 index 00000000..5dc9d235 Binary files /dev/null and b/flowers/train/83/image_01727.jpg differ diff --git a/flowers/train/83/image_01728.jpg b/flowers/train/83/image_01728.jpg new file mode 100644 index 00000000..28387398 Binary files /dev/null and b/flowers/train/83/image_01728.jpg differ diff --git a/flowers/train/83/image_01729.jpg b/flowers/train/83/image_01729.jpg new file mode 100644 index 00000000..f2ada6ab Binary files /dev/null and b/flowers/train/83/image_01729.jpg differ diff --git a/flowers/train/83/image_01730.jpg b/flowers/train/83/image_01730.jpg new file mode 100644 index 00000000..d4e01a4e Binary files /dev/null and b/flowers/train/83/image_01730.jpg differ diff --git a/flowers/train/83/image_01731.jpg b/flowers/train/83/image_01731.jpg new file mode 100644 index 00000000..4456573a Binary files /dev/null and b/flowers/train/83/image_01731.jpg differ diff --git a/flowers/train/83/image_01732.jpg b/flowers/train/83/image_01732.jpg new file mode 100644 index 00000000..8ec06583 Binary files /dev/null and b/flowers/train/83/image_01732.jpg differ diff --git a/flowers/train/83/image_01733.jpg b/flowers/train/83/image_01733.jpg new file mode 100644 index 00000000..d11cd382 Binary files /dev/null and b/flowers/train/83/image_01733.jpg differ diff --git a/flowers/train/83/image_01734.jpg b/flowers/train/83/image_01734.jpg new file mode 100644 index 00000000..f28d8081 Binary files /dev/null and b/flowers/train/83/image_01734.jpg differ diff --git a/flowers/train/83/image_01736.jpg b/flowers/train/83/image_01736.jpg new file mode 100644 index 00000000..00e0a24d Binary files /dev/null and b/flowers/train/83/image_01736.jpg differ diff --git a/flowers/train/83/image_01738.jpg b/flowers/train/83/image_01738.jpg new file mode 100644 index 00000000..d2cb178e Binary files /dev/null and b/flowers/train/83/image_01738.jpg differ diff --git a/flowers/train/83/image_01740.jpg b/flowers/train/83/image_01740.jpg new file mode 100644 index 00000000..07628303 Binary files /dev/null and b/flowers/train/83/image_01740.jpg differ diff --git a/flowers/train/83/image_01741.jpg b/flowers/train/83/image_01741.jpg new file mode 100644 index 00000000..27af5ef1 Binary files /dev/null and b/flowers/train/83/image_01741.jpg differ diff --git a/flowers/train/83/image_01743.jpg b/flowers/train/83/image_01743.jpg new file mode 100644 index 00000000..1eee8f60 Binary files /dev/null and b/flowers/train/83/image_01743.jpg differ diff --git a/flowers/train/83/image_01744.jpg b/flowers/train/83/image_01744.jpg new file mode 100644 index 00000000..ac0a9b43 Binary files /dev/null and b/flowers/train/83/image_01744.jpg differ diff --git a/flowers/train/83/image_01745.jpg b/flowers/train/83/image_01745.jpg new file mode 100644 index 00000000..e455b825 Binary files /dev/null and b/flowers/train/83/image_01745.jpg differ diff --git a/flowers/train/83/image_01746.jpg b/flowers/train/83/image_01746.jpg new file mode 100644 index 00000000..1834965e Binary files /dev/null and b/flowers/train/83/image_01746.jpg differ diff --git a/flowers/train/83/image_01749.jpg b/flowers/train/83/image_01749.jpg new file mode 100644 index 00000000..852a6708 Binary files /dev/null and b/flowers/train/83/image_01749.jpg differ diff --git a/flowers/train/83/image_01750.jpg b/flowers/train/83/image_01750.jpg new file mode 100644 index 00000000..872b3d5c Binary files /dev/null and b/flowers/train/83/image_01750.jpg differ diff --git a/flowers/train/83/image_01751.jpg b/flowers/train/83/image_01751.jpg new file mode 100644 index 00000000..cb9e94b5 Binary files /dev/null and b/flowers/train/83/image_01751.jpg differ diff --git a/flowers/train/83/image_01752.jpg b/flowers/train/83/image_01752.jpg new file mode 100644 index 00000000..2e55c8a8 Binary files /dev/null and b/flowers/train/83/image_01752.jpg differ diff --git a/flowers/train/83/image_01753.jpg b/flowers/train/83/image_01753.jpg new file mode 100644 index 00000000..1e2a84bb Binary files /dev/null and b/flowers/train/83/image_01753.jpg differ diff --git a/flowers/train/83/image_01754.jpg b/flowers/train/83/image_01754.jpg new file mode 100644 index 00000000..aa5d41c8 Binary files /dev/null and b/flowers/train/83/image_01754.jpg differ diff --git a/flowers/train/83/image_01756.jpg b/flowers/train/83/image_01756.jpg new file mode 100644 index 00000000..8bc94223 Binary files /dev/null and b/flowers/train/83/image_01756.jpg differ diff --git a/flowers/train/83/image_01757.jpg b/flowers/train/83/image_01757.jpg new file mode 100644 index 00000000..ec6c50d8 Binary files /dev/null and b/flowers/train/83/image_01757.jpg differ diff --git a/flowers/train/83/image_01758.jpg b/flowers/train/83/image_01758.jpg new file mode 100644 index 00000000..d8b39635 Binary files /dev/null and b/flowers/train/83/image_01758.jpg differ diff --git a/flowers/train/83/image_01760.jpg b/flowers/train/83/image_01760.jpg new file mode 100644 index 00000000..ed16ede0 Binary files /dev/null and b/flowers/train/83/image_01760.jpg differ diff --git a/flowers/train/83/image_01761.jpg b/flowers/train/83/image_01761.jpg new file mode 100644 index 00000000..9c13b44f Binary files /dev/null and b/flowers/train/83/image_01761.jpg differ diff --git a/flowers/train/83/image_01762.jpg b/flowers/train/83/image_01762.jpg new file mode 100644 index 00000000..50b1c8b2 Binary files /dev/null and b/flowers/train/83/image_01762.jpg differ diff --git a/flowers/train/83/image_01763.jpg b/flowers/train/83/image_01763.jpg new file mode 100644 index 00000000..5a92e9c3 Binary files /dev/null and b/flowers/train/83/image_01763.jpg differ diff --git a/flowers/train/83/image_01764.jpg b/flowers/train/83/image_01764.jpg new file mode 100644 index 00000000..80327dd2 Binary files /dev/null and b/flowers/train/83/image_01764.jpg differ diff --git a/flowers/train/83/image_01767.jpg b/flowers/train/83/image_01767.jpg new file mode 100644 index 00000000..ff0bf5d9 Binary files /dev/null and b/flowers/train/83/image_01767.jpg differ diff --git a/flowers/train/83/image_01768.jpg b/flowers/train/83/image_01768.jpg new file mode 100644 index 00000000..81633881 Binary files /dev/null and b/flowers/train/83/image_01768.jpg differ diff --git a/flowers/train/83/image_01771.jpg b/flowers/train/83/image_01771.jpg new file mode 100644 index 00000000..00a86299 Binary files /dev/null and b/flowers/train/83/image_01771.jpg differ diff --git a/flowers/train/83/image_01772.jpg b/flowers/train/83/image_01772.jpg new file mode 100644 index 00000000..970b0856 Binary files /dev/null and b/flowers/train/83/image_01772.jpg differ diff --git a/flowers/train/83/image_01773.jpg b/flowers/train/83/image_01773.jpg new file mode 100644 index 00000000..1c947a20 Binary files /dev/null and b/flowers/train/83/image_01773.jpg differ diff --git a/flowers/train/83/image_01775.jpg b/flowers/train/83/image_01775.jpg new file mode 100644 index 00000000..0321c375 Binary files /dev/null and b/flowers/train/83/image_01775.jpg differ diff --git a/flowers/train/83/image_01776.jpg b/flowers/train/83/image_01776.jpg new file mode 100644 index 00000000..051a154a Binary files /dev/null and b/flowers/train/83/image_01776.jpg differ diff --git a/flowers/train/83/image_01778.jpg b/flowers/train/83/image_01778.jpg new file mode 100644 index 00000000..4525e855 Binary files /dev/null and b/flowers/train/83/image_01778.jpg differ diff --git a/flowers/train/83/image_01779.jpg b/flowers/train/83/image_01779.jpg new file mode 100644 index 00000000..18741e3c Binary files /dev/null and b/flowers/train/83/image_01779.jpg differ diff --git a/flowers/train/83/image_01781.jpg b/flowers/train/83/image_01781.jpg new file mode 100644 index 00000000..8b315d1e Binary files /dev/null and b/flowers/train/83/image_01781.jpg differ diff --git a/flowers/train/83/image_01782.jpg b/flowers/train/83/image_01782.jpg new file mode 100644 index 00000000..2dc9ca13 Binary files /dev/null and b/flowers/train/83/image_01782.jpg differ diff --git a/flowers/train/83/image_01783.jpg b/flowers/train/83/image_01783.jpg new file mode 100644 index 00000000..9139ede1 Binary files /dev/null and b/flowers/train/83/image_01783.jpg differ diff --git a/flowers/train/83/image_01784.jpg b/flowers/train/83/image_01784.jpg new file mode 100644 index 00000000..8309fef0 Binary files /dev/null and b/flowers/train/83/image_01784.jpg differ diff --git a/flowers/train/83/image_01785.jpg b/flowers/train/83/image_01785.jpg new file mode 100644 index 00000000..60452996 Binary files /dev/null and b/flowers/train/83/image_01785.jpg differ diff --git a/flowers/train/83/image_01786.jpg b/flowers/train/83/image_01786.jpg new file mode 100644 index 00000000..199e403f Binary files /dev/null and b/flowers/train/83/image_01786.jpg differ diff --git a/flowers/train/83/image_01788.jpg b/flowers/train/83/image_01788.jpg new file mode 100644 index 00000000..6f047bdd Binary files /dev/null and b/flowers/train/83/image_01788.jpg differ diff --git a/flowers/train/83/image_01790.jpg b/flowers/train/83/image_01790.jpg new file mode 100644 index 00000000..58dbd955 Binary files /dev/null and b/flowers/train/83/image_01790.jpg differ diff --git a/flowers/train/83/image_01791.jpg b/flowers/train/83/image_01791.jpg new file mode 100644 index 00000000..938e5b04 Binary files /dev/null and b/flowers/train/83/image_01791.jpg differ diff --git a/flowers/train/83/image_01792.jpg b/flowers/train/83/image_01792.jpg new file mode 100644 index 00000000..9ad25f46 Binary files /dev/null and b/flowers/train/83/image_01792.jpg differ diff --git a/flowers/train/83/image_01793.jpg b/flowers/train/83/image_01793.jpg new file mode 100644 index 00000000..b5ebfa9b Binary files /dev/null and b/flowers/train/83/image_01793.jpg differ diff --git a/flowers/train/83/image_01794.jpg b/flowers/train/83/image_01794.jpg new file mode 100644 index 00000000..4cbe9a46 Binary files /dev/null and b/flowers/train/83/image_01794.jpg differ diff --git a/flowers/train/83/image_01795.jpg b/flowers/train/83/image_01795.jpg new file mode 100644 index 00000000..8b2079b4 Binary files /dev/null and b/flowers/train/83/image_01795.jpg differ diff --git a/flowers/train/83/image_01796.jpg b/flowers/train/83/image_01796.jpg new file mode 100644 index 00000000..a8e82ad1 Binary files /dev/null and b/flowers/train/83/image_01796.jpg differ diff --git a/flowers/train/83/image_01797.jpg b/flowers/train/83/image_01797.jpg new file mode 100644 index 00000000..72d7e52b Binary files /dev/null and b/flowers/train/83/image_01797.jpg differ diff --git a/flowers/train/83/image_01798.jpg b/flowers/train/83/image_01798.jpg new file mode 100644 index 00000000..693ac2a7 Binary files /dev/null and b/flowers/train/83/image_01798.jpg differ diff --git a/flowers/train/83/image_01799.jpg b/flowers/train/83/image_01799.jpg new file mode 100644 index 00000000..12bb0b1c Binary files /dev/null and b/flowers/train/83/image_01799.jpg differ diff --git a/flowers/train/83/image_01800.jpg b/flowers/train/83/image_01800.jpg new file mode 100644 index 00000000..6e8bb9e0 Binary files /dev/null and b/flowers/train/83/image_01800.jpg differ diff --git a/flowers/train/83/image_01801.jpg b/flowers/train/83/image_01801.jpg new file mode 100644 index 00000000..3e8c7a7e Binary files /dev/null and b/flowers/train/83/image_01801.jpg differ diff --git a/flowers/train/83/image_01802.jpg b/flowers/train/83/image_01802.jpg new file mode 100644 index 00000000..af1aad5c Binary files /dev/null and b/flowers/train/83/image_01802.jpg differ diff --git a/flowers/train/83/image_01803.jpg b/flowers/train/83/image_01803.jpg new file mode 100644 index 00000000..665f97d1 Binary files /dev/null and b/flowers/train/83/image_01803.jpg differ diff --git a/flowers/train/83/image_01804.jpg b/flowers/train/83/image_01804.jpg new file mode 100644 index 00000000..4ee5936b Binary files /dev/null and b/flowers/train/83/image_01804.jpg differ diff --git a/flowers/train/83/image_01806.jpg b/flowers/train/83/image_01806.jpg new file mode 100644 index 00000000..83b6ae1b Binary files /dev/null and b/flowers/train/83/image_01806.jpg differ diff --git a/flowers/train/83/image_01807.jpg b/flowers/train/83/image_01807.jpg new file mode 100644 index 00000000..d1e729af Binary files /dev/null and b/flowers/train/83/image_01807.jpg differ diff --git a/flowers/train/83/image_01808.jpg b/flowers/train/83/image_01808.jpg new file mode 100644 index 00000000..d3f835e2 Binary files /dev/null and b/flowers/train/83/image_01808.jpg differ diff --git a/flowers/train/83/image_01812.jpg b/flowers/train/83/image_01812.jpg new file mode 100644 index 00000000..d5c9c1cd Binary files /dev/null and b/flowers/train/83/image_01812.jpg differ diff --git a/flowers/train/83/image_01813.jpg b/flowers/train/83/image_01813.jpg new file mode 100644 index 00000000..24985204 Binary files /dev/null and b/flowers/train/83/image_01813.jpg differ diff --git a/flowers/train/83/image_01814.jpg b/flowers/train/83/image_01814.jpg new file mode 100644 index 00000000..9210b5be Binary files /dev/null and b/flowers/train/83/image_01814.jpg differ diff --git a/flowers/train/83/image_01815.jpg b/flowers/train/83/image_01815.jpg new file mode 100644 index 00000000..c6ca4246 Binary files /dev/null and b/flowers/train/83/image_01815.jpg differ diff --git a/flowers/train/83/image_01816.jpg b/flowers/train/83/image_01816.jpg new file mode 100644 index 00000000..28338f55 Binary files /dev/null and b/flowers/train/83/image_01816.jpg differ diff --git a/flowers/train/83/image_01819.jpg b/flowers/train/83/image_01819.jpg new file mode 100644 index 00000000..6592b598 Binary files /dev/null and b/flowers/train/83/image_01819.jpg differ diff --git a/flowers/train/83/image_01820.jpg b/flowers/train/83/image_01820.jpg new file mode 100644 index 00000000..e441d2a1 Binary files /dev/null and b/flowers/train/83/image_01820.jpg differ diff --git a/flowers/train/83/image_01821.jpg b/flowers/train/83/image_01821.jpg new file mode 100644 index 00000000..95979ea0 Binary files /dev/null and b/flowers/train/83/image_01821.jpg differ diff --git a/flowers/train/83/image_01822.jpg b/flowers/train/83/image_01822.jpg new file mode 100644 index 00000000..092ab29a Binary files /dev/null and b/flowers/train/83/image_01822.jpg differ diff --git a/flowers/train/83/image_01823.jpg b/flowers/train/83/image_01823.jpg new file mode 100644 index 00000000..d7f83a16 Binary files /dev/null and b/flowers/train/83/image_01823.jpg differ diff --git a/flowers/train/83/image_01824.jpg b/flowers/train/83/image_01824.jpg new file mode 100644 index 00000000..d5172ae4 Binary files /dev/null and b/flowers/train/83/image_01824.jpg differ diff --git a/flowers/train/83/image_01825.jpg b/flowers/train/83/image_01825.jpg new file mode 100644 index 00000000..64b57b7c Binary files /dev/null and b/flowers/train/83/image_01825.jpg differ diff --git a/flowers/train/83/image_01826.jpg b/flowers/train/83/image_01826.jpg new file mode 100644 index 00000000..867dd31b Binary files /dev/null and b/flowers/train/83/image_01826.jpg differ diff --git a/flowers/train/84/image_02553.jpg b/flowers/train/84/image_02553.jpg new file mode 100644 index 00000000..46e8a878 Binary files /dev/null and b/flowers/train/84/image_02553.jpg differ diff --git a/flowers/train/84/image_02554.jpg b/flowers/train/84/image_02554.jpg new file mode 100644 index 00000000..8d1e7aa5 Binary files /dev/null and b/flowers/train/84/image_02554.jpg differ diff --git a/flowers/train/84/image_02555.jpg b/flowers/train/84/image_02555.jpg new file mode 100644 index 00000000..153e26da Binary files /dev/null and b/flowers/train/84/image_02555.jpg differ diff --git a/flowers/train/84/image_02556.jpg b/flowers/train/84/image_02556.jpg new file mode 100644 index 00000000..4e7a03ae Binary files /dev/null and b/flowers/train/84/image_02556.jpg differ diff --git a/flowers/train/84/image_02558.jpg b/flowers/train/84/image_02558.jpg new file mode 100644 index 00000000..f332e5cd Binary files /dev/null and b/flowers/train/84/image_02558.jpg differ diff --git a/flowers/train/84/image_02559.jpg b/flowers/train/84/image_02559.jpg new file mode 100644 index 00000000..dd675df8 Binary files /dev/null and b/flowers/train/84/image_02559.jpg differ diff --git a/flowers/train/84/image_02560.jpg b/flowers/train/84/image_02560.jpg new file mode 100644 index 00000000..c5362d0a Binary files /dev/null and b/flowers/train/84/image_02560.jpg differ diff --git a/flowers/train/84/image_02561.jpg b/flowers/train/84/image_02561.jpg new file mode 100644 index 00000000..baacc98a Binary files /dev/null and b/flowers/train/84/image_02561.jpg differ diff --git a/flowers/train/84/image_02562.jpg b/flowers/train/84/image_02562.jpg new file mode 100644 index 00000000..3f4f20db Binary files /dev/null and b/flowers/train/84/image_02562.jpg differ diff --git a/flowers/train/84/image_02564.jpg b/flowers/train/84/image_02564.jpg new file mode 100644 index 00000000..f0169a20 Binary files /dev/null and b/flowers/train/84/image_02564.jpg differ diff --git a/flowers/train/84/image_02565.jpg b/flowers/train/84/image_02565.jpg new file mode 100644 index 00000000..961b61e2 Binary files /dev/null and b/flowers/train/84/image_02565.jpg differ diff --git a/flowers/train/84/image_02566.jpg b/flowers/train/84/image_02566.jpg new file mode 100644 index 00000000..ad90881d Binary files /dev/null and b/flowers/train/84/image_02566.jpg differ diff --git a/flowers/train/84/image_02569.jpg b/flowers/train/84/image_02569.jpg new file mode 100644 index 00000000..b9ed625e Binary files /dev/null and b/flowers/train/84/image_02569.jpg differ diff --git a/flowers/train/84/image_02570.jpg b/flowers/train/84/image_02570.jpg new file mode 100644 index 00000000..8f983a5a Binary files /dev/null and b/flowers/train/84/image_02570.jpg differ diff --git a/flowers/train/84/image_02571.jpg b/flowers/train/84/image_02571.jpg new file mode 100644 index 00000000..c8830ec6 Binary files /dev/null and b/flowers/train/84/image_02571.jpg differ diff --git a/flowers/train/84/image_02573.jpg b/flowers/train/84/image_02573.jpg new file mode 100644 index 00000000..fd7dbfb5 Binary files /dev/null and b/flowers/train/84/image_02573.jpg differ diff --git a/flowers/train/84/image_02575.jpg b/flowers/train/84/image_02575.jpg new file mode 100644 index 00000000..e7e11d48 Binary files /dev/null and b/flowers/train/84/image_02575.jpg differ diff --git a/flowers/train/84/image_02577.jpg b/flowers/train/84/image_02577.jpg new file mode 100644 index 00000000..2e46bc55 Binary files /dev/null and b/flowers/train/84/image_02577.jpg differ diff --git a/flowers/train/84/image_02578.jpg b/flowers/train/84/image_02578.jpg new file mode 100644 index 00000000..4940a08e Binary files /dev/null and b/flowers/train/84/image_02578.jpg differ diff --git a/flowers/train/84/image_02579.jpg b/flowers/train/84/image_02579.jpg new file mode 100644 index 00000000..baa85075 Binary files /dev/null and b/flowers/train/84/image_02579.jpg differ diff --git a/flowers/train/84/image_02580.jpg b/flowers/train/84/image_02580.jpg new file mode 100644 index 00000000..fdcba961 Binary files /dev/null and b/flowers/train/84/image_02580.jpg differ diff --git a/flowers/train/84/image_02584.jpg b/flowers/train/84/image_02584.jpg new file mode 100644 index 00000000..f02ccece Binary files /dev/null and b/flowers/train/84/image_02584.jpg differ diff --git a/flowers/train/84/image_02585.jpg b/flowers/train/84/image_02585.jpg new file mode 100644 index 00000000..54c97141 Binary files /dev/null and b/flowers/train/84/image_02585.jpg differ diff --git a/flowers/train/84/image_02587.jpg b/flowers/train/84/image_02587.jpg new file mode 100644 index 00000000..6766fdce Binary files /dev/null and b/flowers/train/84/image_02587.jpg differ diff --git a/flowers/train/84/image_02588.jpg b/flowers/train/84/image_02588.jpg new file mode 100644 index 00000000..11a1b8d6 Binary files /dev/null and b/flowers/train/84/image_02588.jpg differ diff --git a/flowers/train/84/image_02589.jpg b/flowers/train/84/image_02589.jpg new file mode 100644 index 00000000..bbb418c1 Binary files /dev/null and b/flowers/train/84/image_02589.jpg differ diff --git a/flowers/train/84/image_02590.jpg b/flowers/train/84/image_02590.jpg new file mode 100644 index 00000000..8aa07a0e Binary files /dev/null and b/flowers/train/84/image_02590.jpg differ diff --git a/flowers/train/84/image_02592.jpg b/flowers/train/84/image_02592.jpg new file mode 100644 index 00000000..79474ef0 Binary files /dev/null and b/flowers/train/84/image_02592.jpg differ diff --git a/flowers/train/84/image_02593.jpg b/flowers/train/84/image_02593.jpg new file mode 100644 index 00000000..25fb7014 Binary files /dev/null and b/flowers/train/84/image_02593.jpg differ diff --git a/flowers/train/84/image_02594.jpg b/flowers/train/84/image_02594.jpg new file mode 100644 index 00000000..4a5a982b Binary files /dev/null and b/flowers/train/84/image_02594.jpg differ diff --git a/flowers/train/84/image_02595.jpg b/flowers/train/84/image_02595.jpg new file mode 100644 index 00000000..ac1b7911 Binary files /dev/null and b/flowers/train/84/image_02595.jpg differ diff --git a/flowers/train/84/image_02596.jpg b/flowers/train/84/image_02596.jpg new file mode 100644 index 00000000..8764ddf3 Binary files /dev/null and b/flowers/train/84/image_02596.jpg differ diff --git a/flowers/train/84/image_02597.jpg b/flowers/train/84/image_02597.jpg new file mode 100644 index 00000000..778c54b8 Binary files /dev/null and b/flowers/train/84/image_02597.jpg differ diff --git a/flowers/train/84/image_02599.jpg b/flowers/train/84/image_02599.jpg new file mode 100644 index 00000000..e178cc68 Binary files /dev/null and b/flowers/train/84/image_02599.jpg differ diff --git a/flowers/train/84/image_02600.jpg b/flowers/train/84/image_02600.jpg new file mode 100644 index 00000000..1a261087 Binary files /dev/null and b/flowers/train/84/image_02600.jpg differ diff --git a/flowers/train/84/image_02601.jpg b/flowers/train/84/image_02601.jpg new file mode 100644 index 00000000..6692d959 Binary files /dev/null and b/flowers/train/84/image_02601.jpg differ diff --git a/flowers/train/84/image_02602.jpg b/flowers/train/84/image_02602.jpg new file mode 100644 index 00000000..312548ca Binary files /dev/null and b/flowers/train/84/image_02602.jpg differ diff --git a/flowers/train/84/image_02603.jpg b/flowers/train/84/image_02603.jpg new file mode 100644 index 00000000..209cb27b Binary files /dev/null and b/flowers/train/84/image_02603.jpg differ diff --git a/flowers/train/84/image_02605.jpg b/flowers/train/84/image_02605.jpg new file mode 100644 index 00000000..4d38d7b7 Binary files /dev/null and b/flowers/train/84/image_02605.jpg differ diff --git a/flowers/train/84/image_02606.jpg b/flowers/train/84/image_02606.jpg new file mode 100644 index 00000000..ca4c4e01 Binary files /dev/null and b/flowers/train/84/image_02606.jpg differ diff --git a/flowers/train/84/image_02607.jpg b/flowers/train/84/image_02607.jpg new file mode 100644 index 00000000..9edc57e8 Binary files /dev/null and b/flowers/train/84/image_02607.jpg differ diff --git a/flowers/train/84/image_02608.jpg b/flowers/train/84/image_02608.jpg new file mode 100644 index 00000000..bb45828e Binary files /dev/null and b/flowers/train/84/image_02608.jpg differ diff --git a/flowers/train/84/image_02609.jpg b/flowers/train/84/image_02609.jpg new file mode 100644 index 00000000..a5e5748e Binary files /dev/null and b/flowers/train/84/image_02609.jpg differ diff --git a/flowers/train/84/image_02611.jpg b/flowers/train/84/image_02611.jpg new file mode 100644 index 00000000..0e3af267 Binary files /dev/null and b/flowers/train/84/image_02611.jpg differ diff --git a/flowers/train/84/image_02612.jpg b/flowers/train/84/image_02612.jpg new file mode 100644 index 00000000..9d8372e7 Binary files /dev/null and b/flowers/train/84/image_02612.jpg differ diff --git a/flowers/train/84/image_02614.jpg b/flowers/train/84/image_02614.jpg new file mode 100644 index 00000000..4b358af4 Binary files /dev/null and b/flowers/train/84/image_02614.jpg differ diff --git a/flowers/train/84/image_02616.jpg b/flowers/train/84/image_02616.jpg new file mode 100644 index 00000000..97309ea3 Binary files /dev/null and b/flowers/train/84/image_02616.jpg differ diff --git a/flowers/train/84/image_02617.jpg b/flowers/train/84/image_02617.jpg new file mode 100644 index 00000000..214255d9 Binary files /dev/null and b/flowers/train/84/image_02617.jpg differ diff --git a/flowers/train/84/image_02618.jpg b/flowers/train/84/image_02618.jpg new file mode 100644 index 00000000..073b9950 Binary files /dev/null and b/flowers/train/84/image_02618.jpg differ diff --git a/flowers/train/84/image_02619.jpg b/flowers/train/84/image_02619.jpg new file mode 100644 index 00000000..9ea08e29 Binary files /dev/null and b/flowers/train/84/image_02619.jpg differ diff --git a/flowers/train/84/image_02620.jpg b/flowers/train/84/image_02620.jpg new file mode 100644 index 00000000..5f051e0c Binary files /dev/null and b/flowers/train/84/image_02620.jpg differ diff --git a/flowers/train/84/image_02622.jpg b/flowers/train/84/image_02622.jpg new file mode 100644 index 00000000..a4abb003 Binary files /dev/null and b/flowers/train/84/image_02622.jpg differ diff --git a/flowers/train/84/image_02623.jpg b/flowers/train/84/image_02623.jpg new file mode 100644 index 00000000..7ad9402d Binary files /dev/null and b/flowers/train/84/image_02623.jpg differ diff --git a/flowers/train/84/image_02624.jpg b/flowers/train/84/image_02624.jpg new file mode 100644 index 00000000..82a3665e Binary files /dev/null and b/flowers/train/84/image_02624.jpg differ diff --git a/flowers/train/84/image_02625.jpg b/flowers/train/84/image_02625.jpg new file mode 100644 index 00000000..9022a7d1 Binary files /dev/null and b/flowers/train/84/image_02625.jpg differ diff --git a/flowers/train/84/image_02626.jpg b/flowers/train/84/image_02626.jpg new file mode 100644 index 00000000..4b47660e Binary files /dev/null and b/flowers/train/84/image_02626.jpg differ diff --git a/flowers/train/84/image_02627.jpg b/flowers/train/84/image_02627.jpg new file mode 100644 index 00000000..f0e77bba Binary files /dev/null and b/flowers/train/84/image_02627.jpg differ diff --git a/flowers/train/84/image_02628.jpg b/flowers/train/84/image_02628.jpg new file mode 100644 index 00000000..918cccdf Binary files /dev/null and b/flowers/train/84/image_02628.jpg differ diff --git a/flowers/train/84/image_02629.jpg b/flowers/train/84/image_02629.jpg new file mode 100644 index 00000000..cea30d38 Binary files /dev/null and b/flowers/train/84/image_02629.jpg differ diff --git a/flowers/train/84/image_02630.jpg b/flowers/train/84/image_02630.jpg new file mode 100644 index 00000000..fcfb65dd Binary files /dev/null and b/flowers/train/84/image_02630.jpg differ diff --git a/flowers/train/84/image_02631.jpg b/flowers/train/84/image_02631.jpg new file mode 100644 index 00000000..217df9dd Binary files /dev/null and b/flowers/train/84/image_02631.jpg differ diff --git a/flowers/train/84/image_02632.jpg b/flowers/train/84/image_02632.jpg new file mode 100644 index 00000000..e180dbeb Binary files /dev/null and b/flowers/train/84/image_02632.jpg differ diff --git a/flowers/train/84/image_02633.jpg b/flowers/train/84/image_02633.jpg new file mode 100644 index 00000000..715353bc Binary files /dev/null and b/flowers/train/84/image_02633.jpg differ diff --git a/flowers/train/84/image_02634.jpg b/flowers/train/84/image_02634.jpg new file mode 100644 index 00000000..c3894aad Binary files /dev/null and b/flowers/train/84/image_02634.jpg differ diff --git a/flowers/train/84/image_02636.jpg b/flowers/train/84/image_02636.jpg new file mode 100644 index 00000000..cd90603b Binary files /dev/null and b/flowers/train/84/image_02636.jpg differ diff --git a/flowers/train/84/image_02638.jpg b/flowers/train/84/image_02638.jpg new file mode 100644 index 00000000..a1e2bd74 Binary files /dev/null and b/flowers/train/84/image_02638.jpg differ diff --git a/flowers/train/85/image_04767.jpg b/flowers/train/85/image_04767.jpg new file mode 100644 index 00000000..3799e6e1 Binary files /dev/null and b/flowers/train/85/image_04767.jpg differ diff --git a/flowers/train/85/image_04768.jpg b/flowers/train/85/image_04768.jpg new file mode 100644 index 00000000..fde2bef7 Binary files /dev/null and b/flowers/train/85/image_04768.jpg differ diff --git a/flowers/train/85/image_04769.jpg b/flowers/train/85/image_04769.jpg new file mode 100644 index 00000000..4c2cf30e Binary files /dev/null and b/flowers/train/85/image_04769.jpg differ diff --git a/flowers/train/85/image_04770.jpg b/flowers/train/85/image_04770.jpg new file mode 100644 index 00000000..8e72f191 Binary files /dev/null and b/flowers/train/85/image_04770.jpg differ diff --git a/flowers/train/85/image_04771.jpg b/flowers/train/85/image_04771.jpg new file mode 100644 index 00000000..e152ffba Binary files /dev/null and b/flowers/train/85/image_04771.jpg differ diff --git a/flowers/train/85/image_04772.jpg b/flowers/train/85/image_04772.jpg new file mode 100644 index 00000000..d5b9f93f Binary files /dev/null and b/flowers/train/85/image_04772.jpg differ diff --git a/flowers/train/85/image_04773.jpg b/flowers/train/85/image_04773.jpg new file mode 100644 index 00000000..c8761a0d Binary files /dev/null and b/flowers/train/85/image_04773.jpg differ diff --git a/flowers/train/85/image_04774.jpg b/flowers/train/85/image_04774.jpg new file mode 100644 index 00000000..0eda1da3 Binary files /dev/null and b/flowers/train/85/image_04774.jpg differ diff --git a/flowers/train/85/image_04775.jpg b/flowers/train/85/image_04775.jpg new file mode 100644 index 00000000..4558dab5 Binary files /dev/null and b/flowers/train/85/image_04775.jpg differ diff --git a/flowers/train/85/image_04776.jpg b/flowers/train/85/image_04776.jpg new file mode 100644 index 00000000..d6c887f6 Binary files /dev/null and b/flowers/train/85/image_04776.jpg differ diff --git a/flowers/train/85/image_04777.jpg b/flowers/train/85/image_04777.jpg new file mode 100644 index 00000000..5ed03466 Binary files /dev/null and b/flowers/train/85/image_04777.jpg differ diff --git a/flowers/train/85/image_04778.jpg b/flowers/train/85/image_04778.jpg new file mode 100644 index 00000000..876e9fb1 Binary files /dev/null and b/flowers/train/85/image_04778.jpg differ diff --git a/flowers/train/85/image_04779.jpg b/flowers/train/85/image_04779.jpg new file mode 100644 index 00000000..286891b3 Binary files /dev/null and b/flowers/train/85/image_04779.jpg differ diff --git a/flowers/train/85/image_04780.jpg b/flowers/train/85/image_04780.jpg new file mode 100644 index 00000000..5ded0dd7 Binary files /dev/null and b/flowers/train/85/image_04780.jpg differ diff --git a/flowers/train/85/image_04781.jpg b/flowers/train/85/image_04781.jpg new file mode 100644 index 00000000..faf92646 Binary files /dev/null and b/flowers/train/85/image_04781.jpg differ diff --git a/flowers/train/85/image_04782.jpg b/flowers/train/85/image_04782.jpg new file mode 100644 index 00000000..8e9e48ab Binary files /dev/null and b/flowers/train/85/image_04782.jpg differ diff --git a/flowers/train/85/image_04783.jpg b/flowers/train/85/image_04783.jpg new file mode 100644 index 00000000..01ec0421 Binary files /dev/null and b/flowers/train/85/image_04783.jpg differ diff --git a/flowers/train/85/image_04784.jpg b/flowers/train/85/image_04784.jpg new file mode 100644 index 00000000..1b50369e Binary files /dev/null and b/flowers/train/85/image_04784.jpg differ diff --git a/flowers/train/85/image_04785.jpg b/flowers/train/85/image_04785.jpg new file mode 100644 index 00000000..5bcf20c1 Binary files /dev/null and b/flowers/train/85/image_04785.jpg differ diff --git a/flowers/train/85/image_04787.jpg b/flowers/train/85/image_04787.jpg new file mode 100644 index 00000000..3bcae0c3 Binary files /dev/null and b/flowers/train/85/image_04787.jpg differ diff --git a/flowers/train/85/image_04788.jpg b/flowers/train/85/image_04788.jpg new file mode 100644 index 00000000..e49b84f9 Binary files /dev/null and b/flowers/train/85/image_04788.jpg differ diff --git a/flowers/train/85/image_04789.jpg b/flowers/train/85/image_04789.jpg new file mode 100644 index 00000000..a9f72b25 Binary files /dev/null and b/flowers/train/85/image_04789.jpg differ diff --git a/flowers/train/85/image_04790.jpg b/flowers/train/85/image_04790.jpg new file mode 100644 index 00000000..9d4a4664 Binary files /dev/null and b/flowers/train/85/image_04790.jpg differ diff --git a/flowers/train/85/image_04791.jpg b/flowers/train/85/image_04791.jpg new file mode 100644 index 00000000..479303c5 Binary files /dev/null and b/flowers/train/85/image_04791.jpg differ diff --git a/flowers/train/85/image_04792.jpg b/flowers/train/85/image_04792.jpg new file mode 100644 index 00000000..71418e8a Binary files /dev/null and b/flowers/train/85/image_04792.jpg differ diff --git a/flowers/train/85/image_04793.jpg b/flowers/train/85/image_04793.jpg new file mode 100644 index 00000000..6121db1d Binary files /dev/null and b/flowers/train/85/image_04793.jpg differ diff --git a/flowers/train/85/image_04794.jpg b/flowers/train/85/image_04794.jpg new file mode 100644 index 00000000..e61b8f6d Binary files /dev/null and b/flowers/train/85/image_04794.jpg differ diff --git a/flowers/train/85/image_04795.jpg b/flowers/train/85/image_04795.jpg new file mode 100644 index 00000000..b021060f Binary files /dev/null and b/flowers/train/85/image_04795.jpg differ diff --git a/flowers/train/85/image_04796.jpg b/flowers/train/85/image_04796.jpg new file mode 100644 index 00000000..114e09bb Binary files /dev/null and b/flowers/train/85/image_04796.jpg differ diff --git a/flowers/train/85/image_04798.jpg b/flowers/train/85/image_04798.jpg new file mode 100644 index 00000000..2ac5d9d2 Binary files /dev/null and b/flowers/train/85/image_04798.jpg differ diff --git a/flowers/train/85/image_04800.jpg b/flowers/train/85/image_04800.jpg new file mode 100644 index 00000000..3d820660 Binary files /dev/null and b/flowers/train/85/image_04800.jpg differ diff --git a/flowers/train/85/image_04802.jpg b/flowers/train/85/image_04802.jpg new file mode 100644 index 00000000..75756e0a Binary files /dev/null and b/flowers/train/85/image_04802.jpg differ diff --git a/flowers/train/85/image_04803.jpg b/flowers/train/85/image_04803.jpg new file mode 100644 index 00000000..419b6348 Binary files /dev/null and b/flowers/train/85/image_04803.jpg differ diff --git a/flowers/train/85/image_04807.jpg b/flowers/train/85/image_04807.jpg new file mode 100644 index 00000000..aa61a8ed Binary files /dev/null and b/flowers/train/85/image_04807.jpg differ diff --git a/flowers/train/85/image_04811.jpg b/flowers/train/85/image_04811.jpg new file mode 100644 index 00000000..714a9662 Binary files /dev/null and b/flowers/train/85/image_04811.jpg differ diff --git a/flowers/train/85/image_04812.jpg b/flowers/train/85/image_04812.jpg new file mode 100644 index 00000000..e797c8f1 Binary files /dev/null and b/flowers/train/85/image_04812.jpg differ diff --git a/flowers/train/85/image_04813.jpg b/flowers/train/85/image_04813.jpg new file mode 100644 index 00000000..10aeda83 Binary files /dev/null and b/flowers/train/85/image_04813.jpg differ diff --git a/flowers/train/85/image_04815.jpg b/flowers/train/85/image_04815.jpg new file mode 100644 index 00000000..1986da7e Binary files /dev/null and b/flowers/train/85/image_04815.jpg differ diff --git a/flowers/train/85/image_04816.jpg b/flowers/train/85/image_04816.jpg new file mode 100644 index 00000000..9e39e2b1 Binary files /dev/null and b/flowers/train/85/image_04816.jpg differ diff --git a/flowers/train/85/image_04820.jpg b/flowers/train/85/image_04820.jpg new file mode 100644 index 00000000..be3c7fe8 Binary files /dev/null and b/flowers/train/85/image_04820.jpg differ diff --git a/flowers/train/85/image_04821.jpg b/flowers/train/85/image_04821.jpg new file mode 100644 index 00000000..af84f759 Binary files /dev/null and b/flowers/train/85/image_04821.jpg differ diff --git a/flowers/train/85/image_04822.jpg b/flowers/train/85/image_04822.jpg new file mode 100644 index 00000000..d94c1464 Binary files /dev/null and b/flowers/train/85/image_04822.jpg differ diff --git a/flowers/train/85/image_04823.jpg b/flowers/train/85/image_04823.jpg new file mode 100644 index 00000000..f3d11e51 Binary files /dev/null and b/flowers/train/85/image_04823.jpg differ diff --git a/flowers/train/85/image_04824.jpg b/flowers/train/85/image_04824.jpg new file mode 100644 index 00000000..5aec4573 Binary files /dev/null and b/flowers/train/85/image_04824.jpg differ diff --git a/flowers/train/85/image_04826.jpg b/flowers/train/85/image_04826.jpg new file mode 100644 index 00000000..1a8e5032 Binary files /dev/null and b/flowers/train/85/image_04826.jpg differ diff --git a/flowers/train/85/image_04827.jpg b/flowers/train/85/image_04827.jpg new file mode 100644 index 00000000..892841f6 Binary files /dev/null and b/flowers/train/85/image_04827.jpg differ diff --git a/flowers/train/85/image_04828.jpg b/flowers/train/85/image_04828.jpg new file mode 100644 index 00000000..9665946a Binary files /dev/null and b/flowers/train/85/image_04828.jpg differ diff --git a/flowers/train/85/image_07301.jpg b/flowers/train/85/image_07301.jpg new file mode 100644 index 00000000..e7c4d61d Binary files /dev/null and b/flowers/train/85/image_07301.jpg differ diff --git a/flowers/train/86/image_02862.jpg b/flowers/train/86/image_02862.jpg new file mode 100644 index 00000000..fe3c6d47 Binary files /dev/null and b/flowers/train/86/image_02862.jpg differ diff --git a/flowers/train/86/image_02863.jpg b/flowers/train/86/image_02863.jpg new file mode 100644 index 00000000..e65abba5 Binary files /dev/null and b/flowers/train/86/image_02863.jpg differ diff --git a/flowers/train/86/image_02864.jpg b/flowers/train/86/image_02864.jpg new file mode 100644 index 00000000..5da63e4f Binary files /dev/null and b/flowers/train/86/image_02864.jpg differ diff --git a/flowers/train/86/image_02866.jpg b/flowers/train/86/image_02866.jpg new file mode 100644 index 00000000..639a607c Binary files /dev/null and b/flowers/train/86/image_02866.jpg differ diff --git a/flowers/train/86/image_02867.jpg b/flowers/train/86/image_02867.jpg new file mode 100644 index 00000000..31bdac52 Binary files /dev/null and b/flowers/train/86/image_02867.jpg differ diff --git a/flowers/train/86/image_02868.jpg b/flowers/train/86/image_02868.jpg new file mode 100644 index 00000000..89e99fbb Binary files /dev/null and b/flowers/train/86/image_02868.jpg differ diff --git a/flowers/train/86/image_02869.jpg b/flowers/train/86/image_02869.jpg new file mode 100644 index 00000000..54b8d60f Binary files /dev/null and b/flowers/train/86/image_02869.jpg differ diff --git a/flowers/train/86/image_02870.jpg b/flowers/train/86/image_02870.jpg new file mode 100644 index 00000000..384bc195 Binary files /dev/null and b/flowers/train/86/image_02870.jpg differ diff --git a/flowers/train/86/image_02871.jpg b/flowers/train/86/image_02871.jpg new file mode 100644 index 00000000..f5f0648a Binary files /dev/null and b/flowers/train/86/image_02871.jpg differ diff --git a/flowers/train/86/image_02872.jpg b/flowers/train/86/image_02872.jpg new file mode 100644 index 00000000..2db5422e Binary files /dev/null and b/flowers/train/86/image_02872.jpg differ diff --git a/flowers/train/86/image_02874.jpg b/flowers/train/86/image_02874.jpg new file mode 100644 index 00000000..6aa4f55a Binary files /dev/null and b/flowers/train/86/image_02874.jpg differ diff --git a/flowers/train/86/image_02875.jpg b/flowers/train/86/image_02875.jpg new file mode 100644 index 00000000..9bd10c6a Binary files /dev/null and b/flowers/train/86/image_02875.jpg differ diff --git a/flowers/train/86/image_02876.jpg b/flowers/train/86/image_02876.jpg new file mode 100644 index 00000000..4bad8c1c Binary files /dev/null and b/flowers/train/86/image_02876.jpg differ diff --git a/flowers/train/86/image_02877.jpg b/flowers/train/86/image_02877.jpg new file mode 100644 index 00000000..df00b229 Binary files /dev/null and b/flowers/train/86/image_02877.jpg differ diff --git a/flowers/train/86/image_02878.jpg b/flowers/train/86/image_02878.jpg new file mode 100644 index 00000000..8e14fdbd Binary files /dev/null and b/flowers/train/86/image_02878.jpg differ diff --git a/flowers/train/86/image_02879.jpg b/flowers/train/86/image_02879.jpg new file mode 100644 index 00000000..138e3c39 Binary files /dev/null and b/flowers/train/86/image_02879.jpg differ diff --git a/flowers/train/86/image_02880.jpg b/flowers/train/86/image_02880.jpg new file mode 100644 index 00000000..c41bf15d Binary files /dev/null and b/flowers/train/86/image_02880.jpg differ diff --git a/flowers/train/86/image_02881.jpg b/flowers/train/86/image_02881.jpg new file mode 100644 index 00000000..b890c0c4 Binary files /dev/null and b/flowers/train/86/image_02881.jpg differ diff --git a/flowers/train/86/image_02882.jpg b/flowers/train/86/image_02882.jpg new file mode 100644 index 00000000..dbb3890b Binary files /dev/null and b/flowers/train/86/image_02882.jpg differ diff --git a/flowers/train/86/image_02883.jpg b/flowers/train/86/image_02883.jpg new file mode 100644 index 00000000..a7b4ee6e Binary files /dev/null and b/flowers/train/86/image_02883.jpg differ diff --git a/flowers/train/86/image_02884.jpg b/flowers/train/86/image_02884.jpg new file mode 100644 index 00000000..d192da5b Binary files /dev/null and b/flowers/train/86/image_02884.jpg differ diff --git a/flowers/train/86/image_02885.jpg b/flowers/train/86/image_02885.jpg new file mode 100644 index 00000000..f41a879b Binary files /dev/null and b/flowers/train/86/image_02885.jpg differ diff --git a/flowers/train/86/image_02886.jpg b/flowers/train/86/image_02886.jpg new file mode 100644 index 00000000..e039c444 Binary files /dev/null and b/flowers/train/86/image_02886.jpg differ diff --git a/flowers/train/86/image_02888.jpg b/flowers/train/86/image_02888.jpg new file mode 100644 index 00000000..5ae4e8ff Binary files /dev/null and b/flowers/train/86/image_02888.jpg differ diff --git a/flowers/train/86/image_02889.jpg b/flowers/train/86/image_02889.jpg new file mode 100644 index 00000000..29ebd120 Binary files /dev/null and b/flowers/train/86/image_02889.jpg differ diff --git a/flowers/train/86/image_02890.jpg b/flowers/train/86/image_02890.jpg new file mode 100644 index 00000000..7dd1559c Binary files /dev/null and b/flowers/train/86/image_02890.jpg differ diff --git a/flowers/train/86/image_02892.jpg b/flowers/train/86/image_02892.jpg new file mode 100644 index 00000000..1500ac83 Binary files /dev/null and b/flowers/train/86/image_02892.jpg differ diff --git a/flowers/train/86/image_02894.jpg b/flowers/train/86/image_02894.jpg new file mode 100644 index 00000000..3906138d Binary files /dev/null and b/flowers/train/86/image_02894.jpg differ diff --git a/flowers/train/86/image_02895.jpg b/flowers/train/86/image_02895.jpg new file mode 100644 index 00000000..58dc4ff7 Binary files /dev/null and b/flowers/train/86/image_02895.jpg differ diff --git a/flowers/train/86/image_02896.jpg b/flowers/train/86/image_02896.jpg new file mode 100644 index 00000000..68fce4e9 Binary files /dev/null and b/flowers/train/86/image_02896.jpg differ diff --git a/flowers/train/86/image_02897.jpg b/flowers/train/86/image_02897.jpg new file mode 100644 index 00000000..2c9e0fcf Binary files /dev/null and b/flowers/train/86/image_02897.jpg differ diff --git a/flowers/train/86/image_02898.jpg b/flowers/train/86/image_02898.jpg new file mode 100644 index 00000000..c6bd99a1 Binary files /dev/null and b/flowers/train/86/image_02898.jpg differ diff --git a/flowers/train/86/image_02899.jpg b/flowers/train/86/image_02899.jpg new file mode 100644 index 00000000..07995dcd Binary files /dev/null and b/flowers/train/86/image_02899.jpg differ diff --git a/flowers/train/86/image_02900.jpg b/flowers/train/86/image_02900.jpg new file mode 100644 index 00000000..d04682d4 Binary files /dev/null and b/flowers/train/86/image_02900.jpg differ diff --git a/flowers/train/86/image_02902.jpg b/flowers/train/86/image_02902.jpg new file mode 100644 index 00000000..f3cb4b5e Binary files /dev/null and b/flowers/train/86/image_02902.jpg differ diff --git a/flowers/train/86/image_02903.jpg b/flowers/train/86/image_02903.jpg new file mode 100644 index 00000000..e70be033 Binary files /dev/null and b/flowers/train/86/image_02903.jpg differ diff --git a/flowers/train/86/image_02904.jpg b/flowers/train/86/image_02904.jpg new file mode 100644 index 00000000..839bde45 Binary files /dev/null and b/flowers/train/86/image_02904.jpg differ diff --git a/flowers/train/86/image_02905.jpg b/flowers/train/86/image_02905.jpg new file mode 100644 index 00000000..b511bfae Binary files /dev/null and b/flowers/train/86/image_02905.jpg differ diff --git a/flowers/train/86/image_02907.jpg b/flowers/train/86/image_02907.jpg new file mode 100644 index 00000000..98058e30 Binary files /dev/null and b/flowers/train/86/image_02907.jpg differ diff --git a/flowers/train/86/image_02908.jpg b/flowers/train/86/image_02908.jpg new file mode 100644 index 00000000..6d40c6f8 Binary files /dev/null and b/flowers/train/86/image_02908.jpg differ diff --git a/flowers/train/86/image_02911.jpg b/flowers/train/86/image_02911.jpg new file mode 100644 index 00000000..e9c7a69c Binary files /dev/null and b/flowers/train/86/image_02911.jpg differ diff --git a/flowers/train/86/image_02913.jpg b/flowers/train/86/image_02913.jpg new file mode 100644 index 00000000..2d5d35f6 Binary files /dev/null and b/flowers/train/86/image_02913.jpg differ diff --git a/flowers/train/86/image_02914.jpg b/flowers/train/86/image_02914.jpg new file mode 100644 index 00000000..bd6ce392 Binary files /dev/null and b/flowers/train/86/image_02914.jpg differ diff --git a/flowers/train/86/image_02915.jpg b/flowers/train/86/image_02915.jpg new file mode 100644 index 00000000..45d8974f Binary files /dev/null and b/flowers/train/86/image_02915.jpg differ diff --git a/flowers/train/86/image_02916.jpg b/flowers/train/86/image_02916.jpg new file mode 100644 index 00000000..afc6226e Binary files /dev/null and b/flowers/train/86/image_02916.jpg differ diff --git a/flowers/train/86/image_02917.jpg b/flowers/train/86/image_02917.jpg new file mode 100644 index 00000000..468ebe2f Binary files /dev/null and b/flowers/train/86/image_02917.jpg differ diff --git a/flowers/train/86/image_02918.jpg b/flowers/train/86/image_02918.jpg new file mode 100644 index 00000000..38b6d761 Binary files /dev/null and b/flowers/train/86/image_02918.jpg differ diff --git a/flowers/train/86/image_02919.jpg b/flowers/train/86/image_02919.jpg new file mode 100644 index 00000000..d39ae467 Binary files /dev/null and b/flowers/train/86/image_02919.jpg differ diff --git a/flowers/train/87/image_05460.jpg b/flowers/train/87/image_05460.jpg new file mode 100644 index 00000000..f797151d Binary files /dev/null and b/flowers/train/87/image_05460.jpg differ diff --git a/flowers/train/87/image_05461.jpg b/flowers/train/87/image_05461.jpg new file mode 100644 index 00000000..6a6c1084 Binary files /dev/null and b/flowers/train/87/image_05461.jpg differ diff --git a/flowers/train/87/image_05463.jpg b/flowers/train/87/image_05463.jpg new file mode 100644 index 00000000..332d0750 Binary files /dev/null and b/flowers/train/87/image_05463.jpg differ diff --git a/flowers/train/87/image_05464.jpg b/flowers/train/87/image_05464.jpg new file mode 100644 index 00000000..45bfc670 Binary files /dev/null and b/flowers/train/87/image_05464.jpg differ diff --git a/flowers/train/87/image_05465.jpg b/flowers/train/87/image_05465.jpg new file mode 100644 index 00000000..20e40bea Binary files /dev/null and b/flowers/train/87/image_05465.jpg differ diff --git a/flowers/train/87/image_05467.jpg b/flowers/train/87/image_05467.jpg new file mode 100644 index 00000000..7b63391b Binary files /dev/null and b/flowers/train/87/image_05467.jpg differ diff --git a/flowers/train/87/image_05468.jpg b/flowers/train/87/image_05468.jpg new file mode 100644 index 00000000..09c5c383 Binary files /dev/null and b/flowers/train/87/image_05468.jpg differ diff --git a/flowers/train/87/image_05470.jpg b/flowers/train/87/image_05470.jpg new file mode 100644 index 00000000..8c33b0c7 Binary files /dev/null and b/flowers/train/87/image_05470.jpg differ diff --git a/flowers/train/87/image_05471.jpg b/flowers/train/87/image_05471.jpg new file mode 100644 index 00000000..d3ee2bbd Binary files /dev/null and b/flowers/train/87/image_05471.jpg differ diff --git a/flowers/train/87/image_05472.jpg b/flowers/train/87/image_05472.jpg new file mode 100644 index 00000000..1aff9b33 Binary files /dev/null and b/flowers/train/87/image_05472.jpg differ diff --git a/flowers/train/87/image_05473.jpg b/flowers/train/87/image_05473.jpg new file mode 100644 index 00000000..31222663 Binary files /dev/null and b/flowers/train/87/image_05473.jpg differ diff --git a/flowers/train/87/image_05474.jpg b/flowers/train/87/image_05474.jpg new file mode 100644 index 00000000..37ea937c Binary files /dev/null and b/flowers/train/87/image_05474.jpg differ diff --git a/flowers/train/87/image_05475.jpg b/flowers/train/87/image_05475.jpg new file mode 100644 index 00000000..ce924995 Binary files /dev/null and b/flowers/train/87/image_05475.jpg differ diff --git a/flowers/train/87/image_05476.jpg b/flowers/train/87/image_05476.jpg new file mode 100644 index 00000000..994b378c Binary files /dev/null and b/flowers/train/87/image_05476.jpg differ diff --git a/flowers/train/87/image_05477.jpg b/flowers/train/87/image_05477.jpg new file mode 100644 index 00000000..d2040f69 Binary files /dev/null and b/flowers/train/87/image_05477.jpg differ diff --git a/flowers/train/87/image_05478.jpg b/flowers/train/87/image_05478.jpg new file mode 100644 index 00000000..56b04206 Binary files /dev/null and b/flowers/train/87/image_05478.jpg differ diff --git a/flowers/train/87/image_05479.jpg b/flowers/train/87/image_05479.jpg new file mode 100644 index 00000000..0a05050f Binary files /dev/null and b/flowers/train/87/image_05479.jpg differ diff --git a/flowers/train/87/image_05480.jpg b/flowers/train/87/image_05480.jpg new file mode 100644 index 00000000..d94b0e08 Binary files /dev/null and b/flowers/train/87/image_05480.jpg differ diff --git a/flowers/train/87/image_05481.jpg b/flowers/train/87/image_05481.jpg new file mode 100644 index 00000000..4cb1bc50 Binary files /dev/null and b/flowers/train/87/image_05481.jpg differ diff --git a/flowers/train/87/image_05482.jpg b/flowers/train/87/image_05482.jpg new file mode 100644 index 00000000..beb57ec2 Binary files /dev/null and b/flowers/train/87/image_05482.jpg differ diff --git a/flowers/train/87/image_05483.jpg b/flowers/train/87/image_05483.jpg new file mode 100644 index 00000000..cd2bb03e Binary files /dev/null and b/flowers/train/87/image_05483.jpg differ diff --git a/flowers/train/87/image_05486.jpg b/flowers/train/87/image_05486.jpg new file mode 100644 index 00000000..39de49c7 Binary files /dev/null and b/flowers/train/87/image_05486.jpg differ diff --git a/flowers/train/87/image_05489.jpg b/flowers/train/87/image_05489.jpg new file mode 100644 index 00000000..37a6c93f Binary files /dev/null and b/flowers/train/87/image_05489.jpg differ diff --git a/flowers/train/87/image_05490.jpg b/flowers/train/87/image_05490.jpg new file mode 100644 index 00000000..ab66fc2c Binary files /dev/null and b/flowers/train/87/image_05490.jpg differ diff --git a/flowers/train/87/image_05491.jpg b/flowers/train/87/image_05491.jpg new file mode 100644 index 00000000..19d575eb Binary files /dev/null and b/flowers/train/87/image_05491.jpg differ diff --git a/flowers/train/87/image_05492.jpg b/flowers/train/87/image_05492.jpg new file mode 100644 index 00000000..acf0d37f Binary files /dev/null and b/flowers/train/87/image_05492.jpg differ diff --git a/flowers/train/87/image_05494.jpg b/flowers/train/87/image_05494.jpg new file mode 100644 index 00000000..8e2d82d3 Binary files /dev/null and b/flowers/train/87/image_05494.jpg differ diff --git a/flowers/train/87/image_05495.jpg b/flowers/train/87/image_05495.jpg new file mode 100644 index 00000000..1e45e7ff Binary files /dev/null and b/flowers/train/87/image_05495.jpg differ diff --git a/flowers/train/87/image_05496.jpg b/flowers/train/87/image_05496.jpg new file mode 100644 index 00000000..84b349bc Binary files /dev/null and b/flowers/train/87/image_05496.jpg differ diff --git a/flowers/train/87/image_05497.jpg b/flowers/train/87/image_05497.jpg new file mode 100644 index 00000000..07bba5bf Binary files /dev/null and b/flowers/train/87/image_05497.jpg differ diff --git a/flowers/train/87/image_05498.jpg b/flowers/train/87/image_05498.jpg new file mode 100644 index 00000000..a46a5837 Binary files /dev/null and b/flowers/train/87/image_05498.jpg differ diff --git a/flowers/train/87/image_05499.jpg b/flowers/train/87/image_05499.jpg new file mode 100644 index 00000000..4b8d022e Binary files /dev/null and b/flowers/train/87/image_05499.jpg differ diff --git a/flowers/train/87/image_05500.jpg b/flowers/train/87/image_05500.jpg new file mode 100644 index 00000000..57a315e2 Binary files /dev/null and b/flowers/train/87/image_05500.jpg differ diff --git a/flowers/train/87/image_05501.jpg b/flowers/train/87/image_05501.jpg new file mode 100644 index 00000000..e9c006a6 Binary files /dev/null and b/flowers/train/87/image_05501.jpg differ diff --git a/flowers/train/87/image_05503.jpg b/flowers/train/87/image_05503.jpg new file mode 100644 index 00000000..3445d315 Binary files /dev/null and b/flowers/train/87/image_05503.jpg differ diff --git a/flowers/train/87/image_05504.jpg b/flowers/train/87/image_05504.jpg new file mode 100644 index 00000000..f4450b83 Binary files /dev/null and b/flowers/train/87/image_05504.jpg differ diff --git a/flowers/train/87/image_05505.jpg b/flowers/train/87/image_05505.jpg new file mode 100644 index 00000000..fa65080f Binary files /dev/null and b/flowers/train/87/image_05505.jpg differ diff --git a/flowers/train/87/image_05506.jpg b/flowers/train/87/image_05506.jpg new file mode 100644 index 00000000..07d4c27f Binary files /dev/null and b/flowers/train/87/image_05506.jpg differ diff --git a/flowers/train/87/image_05509.jpg b/flowers/train/87/image_05509.jpg new file mode 100644 index 00000000..2a12125e Binary files /dev/null and b/flowers/train/87/image_05509.jpg differ diff --git a/flowers/train/87/image_05510.jpg b/flowers/train/87/image_05510.jpg new file mode 100644 index 00000000..4d350291 Binary files /dev/null and b/flowers/train/87/image_05510.jpg differ diff --git a/flowers/train/87/image_05511.jpg b/flowers/train/87/image_05511.jpg new file mode 100644 index 00000000..8e3d1238 Binary files /dev/null and b/flowers/train/87/image_05511.jpg differ diff --git a/flowers/train/87/image_05512.jpg b/flowers/train/87/image_05512.jpg new file mode 100644 index 00000000..8872d669 Binary files /dev/null and b/flowers/train/87/image_05512.jpg differ diff --git a/flowers/train/87/image_05513.jpg b/flowers/train/87/image_05513.jpg new file mode 100644 index 00000000..fce6baec Binary files /dev/null and b/flowers/train/87/image_05513.jpg differ diff --git a/flowers/train/87/image_05514.jpg b/flowers/train/87/image_05514.jpg new file mode 100644 index 00000000..5680ae66 Binary files /dev/null and b/flowers/train/87/image_05514.jpg differ diff --git a/flowers/train/87/image_05515.jpg b/flowers/train/87/image_05515.jpg new file mode 100644 index 00000000..8dff7700 Binary files /dev/null and b/flowers/train/87/image_05515.jpg differ diff --git a/flowers/train/87/image_05516.jpg b/flowers/train/87/image_05516.jpg new file mode 100644 index 00000000..805bef39 Binary files /dev/null and b/flowers/train/87/image_05516.jpg differ diff --git a/flowers/train/87/image_05517.jpg b/flowers/train/87/image_05517.jpg new file mode 100644 index 00000000..6592cc29 Binary files /dev/null and b/flowers/train/87/image_05517.jpg differ diff --git a/flowers/train/87/image_05518.jpg b/flowers/train/87/image_05518.jpg new file mode 100644 index 00000000..bcca0a85 Binary files /dev/null and b/flowers/train/87/image_05518.jpg differ diff --git a/flowers/train/87/image_05519.jpg b/flowers/train/87/image_05519.jpg new file mode 100644 index 00000000..f9d47929 Binary files /dev/null and b/flowers/train/87/image_05519.jpg differ diff --git a/flowers/train/87/image_05521.jpg b/flowers/train/87/image_05521.jpg new file mode 100644 index 00000000..f9b06dac Binary files /dev/null and b/flowers/train/87/image_05521.jpg differ diff --git a/flowers/train/87/image_05522.jpg b/flowers/train/87/image_05522.jpg new file mode 100644 index 00000000..282a016c Binary files /dev/null and b/flowers/train/87/image_05522.jpg differ diff --git a/flowers/train/88/image_00446.jpg b/flowers/train/88/image_00446.jpg new file mode 100644 index 00000000..2365b24a Binary files /dev/null and b/flowers/train/88/image_00446.jpg differ diff --git a/flowers/train/88/image_00447.jpg b/flowers/train/88/image_00447.jpg new file mode 100644 index 00000000..35a9ebd6 Binary files /dev/null and b/flowers/train/88/image_00447.jpg differ diff --git a/flowers/train/88/image_00448.jpg b/flowers/train/88/image_00448.jpg new file mode 100644 index 00000000..93abe511 Binary files /dev/null and b/flowers/train/88/image_00448.jpg differ diff --git a/flowers/train/88/image_00449.jpg b/flowers/train/88/image_00449.jpg new file mode 100644 index 00000000..6d19ec93 Binary files /dev/null and b/flowers/train/88/image_00449.jpg differ diff --git a/flowers/train/88/image_00450.jpg b/flowers/train/88/image_00450.jpg new file mode 100644 index 00000000..19a969ab Binary files /dev/null and b/flowers/train/88/image_00450.jpg differ diff --git a/flowers/train/88/image_00451.jpg b/flowers/train/88/image_00451.jpg new file mode 100644 index 00000000..6bec7e04 Binary files /dev/null and b/flowers/train/88/image_00451.jpg differ diff --git a/flowers/train/88/image_00452.jpg b/flowers/train/88/image_00452.jpg new file mode 100644 index 00000000..546b0867 Binary files /dev/null and b/flowers/train/88/image_00452.jpg differ diff --git a/flowers/train/88/image_00453.jpg b/flowers/train/88/image_00453.jpg new file mode 100644 index 00000000..f294a263 Binary files /dev/null and b/flowers/train/88/image_00453.jpg differ diff --git a/flowers/train/88/image_00454.jpg b/flowers/train/88/image_00454.jpg new file mode 100644 index 00000000..de193784 Binary files /dev/null and b/flowers/train/88/image_00454.jpg differ diff --git a/flowers/train/88/image_00455.jpg b/flowers/train/88/image_00455.jpg new file mode 100644 index 00000000..c6b20463 Binary files /dev/null and b/flowers/train/88/image_00455.jpg differ diff --git a/flowers/train/88/image_00456.jpg b/flowers/train/88/image_00456.jpg new file mode 100644 index 00000000..46c851d5 Binary files /dev/null and b/flowers/train/88/image_00456.jpg differ diff --git a/flowers/train/88/image_00458.jpg b/flowers/train/88/image_00458.jpg new file mode 100644 index 00000000..8ee7da79 Binary files /dev/null and b/flowers/train/88/image_00458.jpg differ diff --git a/flowers/train/88/image_00460.jpg b/flowers/train/88/image_00460.jpg new file mode 100644 index 00000000..6a484de4 Binary files /dev/null and b/flowers/train/88/image_00460.jpg differ diff --git a/flowers/train/88/image_00462.jpg b/flowers/train/88/image_00462.jpg new file mode 100644 index 00000000..4e39ad90 Binary files /dev/null and b/flowers/train/88/image_00462.jpg differ diff --git a/flowers/train/88/image_00463.jpg b/flowers/train/88/image_00463.jpg new file mode 100644 index 00000000..12be8e35 Binary files /dev/null and b/flowers/train/88/image_00463.jpg differ diff --git a/flowers/train/88/image_00464.jpg b/flowers/train/88/image_00464.jpg new file mode 100644 index 00000000..c108fb2b Binary files /dev/null and b/flowers/train/88/image_00464.jpg differ diff --git a/flowers/train/88/image_00465.jpg b/flowers/train/88/image_00465.jpg new file mode 100644 index 00000000..1cbfdafb Binary files /dev/null and b/flowers/train/88/image_00465.jpg differ diff --git a/flowers/train/88/image_00466.jpg b/flowers/train/88/image_00466.jpg new file mode 100644 index 00000000..95bfaaf2 Binary files /dev/null and b/flowers/train/88/image_00466.jpg differ diff --git a/flowers/train/88/image_00468.jpg b/flowers/train/88/image_00468.jpg new file mode 100644 index 00000000..510d92ea Binary files /dev/null and b/flowers/train/88/image_00468.jpg differ diff --git a/flowers/train/88/image_00469.jpg b/flowers/train/88/image_00469.jpg new file mode 100644 index 00000000..3d1df170 Binary files /dev/null and b/flowers/train/88/image_00469.jpg differ diff --git a/flowers/train/88/image_00470.jpg b/flowers/train/88/image_00470.jpg new file mode 100644 index 00000000..0e71c2ee Binary files /dev/null and b/flowers/train/88/image_00470.jpg differ diff --git a/flowers/train/88/image_00471.jpg b/flowers/train/88/image_00471.jpg new file mode 100644 index 00000000..e019f02f Binary files /dev/null and b/flowers/train/88/image_00471.jpg differ diff --git a/flowers/train/88/image_00472.jpg b/flowers/train/88/image_00472.jpg new file mode 100644 index 00000000..73323411 Binary files /dev/null and b/flowers/train/88/image_00472.jpg differ diff --git a/flowers/train/88/image_00473.jpg b/flowers/train/88/image_00473.jpg new file mode 100644 index 00000000..bfb1309c Binary files /dev/null and b/flowers/train/88/image_00473.jpg differ diff --git a/flowers/train/88/image_00475.jpg b/flowers/train/88/image_00475.jpg new file mode 100644 index 00000000..43ccaef3 Binary files /dev/null and b/flowers/train/88/image_00475.jpg differ diff --git a/flowers/train/88/image_00476.jpg b/flowers/train/88/image_00476.jpg new file mode 100644 index 00000000..1c280eb3 Binary files /dev/null and b/flowers/train/88/image_00476.jpg differ diff --git a/flowers/train/88/image_00478.jpg b/flowers/train/88/image_00478.jpg new file mode 100644 index 00000000..1c943136 Binary files /dev/null and b/flowers/train/88/image_00478.jpg differ diff --git a/flowers/train/88/image_00479.jpg b/flowers/train/88/image_00479.jpg new file mode 100644 index 00000000..f98cc629 Binary files /dev/null and b/flowers/train/88/image_00479.jpg differ diff --git a/flowers/train/88/image_00480.jpg b/flowers/train/88/image_00480.jpg new file mode 100644 index 00000000..b7e34b2a Binary files /dev/null and b/flowers/train/88/image_00480.jpg differ diff --git a/flowers/train/88/image_00481.jpg b/flowers/train/88/image_00481.jpg new file mode 100644 index 00000000..dec726ce Binary files /dev/null and b/flowers/train/88/image_00481.jpg differ diff --git a/flowers/train/88/image_00483.jpg b/flowers/train/88/image_00483.jpg new file mode 100644 index 00000000..9a53fd1e Binary files /dev/null and b/flowers/train/88/image_00483.jpg differ diff --git a/flowers/train/88/image_00484.jpg b/flowers/train/88/image_00484.jpg new file mode 100644 index 00000000..5e50bdc7 Binary files /dev/null and b/flowers/train/88/image_00484.jpg differ diff --git a/flowers/train/88/image_00485.jpg b/flowers/train/88/image_00485.jpg new file mode 100644 index 00000000..3ec83f60 Binary files /dev/null and b/flowers/train/88/image_00485.jpg differ diff --git a/flowers/train/88/image_00486.jpg b/flowers/train/88/image_00486.jpg new file mode 100644 index 00000000..7ebba348 Binary files /dev/null and b/flowers/train/88/image_00486.jpg differ diff --git a/flowers/train/88/image_00487.jpg b/flowers/train/88/image_00487.jpg new file mode 100644 index 00000000..a68f0b47 Binary files /dev/null and b/flowers/train/88/image_00487.jpg differ diff --git a/flowers/train/88/image_00488.jpg b/flowers/train/88/image_00488.jpg new file mode 100644 index 00000000..fd35d2d4 Binary files /dev/null and b/flowers/train/88/image_00488.jpg differ diff --git a/flowers/train/88/image_00490.jpg b/flowers/train/88/image_00490.jpg new file mode 100644 index 00000000..e1c514a7 Binary files /dev/null and b/flowers/train/88/image_00490.jpg differ diff --git a/flowers/train/88/image_00491.jpg b/flowers/train/88/image_00491.jpg new file mode 100644 index 00000000..f52a23a4 Binary files /dev/null and b/flowers/train/88/image_00491.jpg differ diff --git a/flowers/train/88/image_00492.jpg b/flowers/train/88/image_00492.jpg new file mode 100644 index 00000000..c0b96cef Binary files /dev/null and b/flowers/train/88/image_00492.jpg differ diff --git a/flowers/train/88/image_00493.jpg b/flowers/train/88/image_00493.jpg new file mode 100644 index 00000000..033d8a92 Binary files /dev/null and b/flowers/train/88/image_00493.jpg differ diff --git a/flowers/train/88/image_00494.jpg b/flowers/train/88/image_00494.jpg new file mode 100644 index 00000000..90e1d72e Binary files /dev/null and b/flowers/train/88/image_00494.jpg differ diff --git a/flowers/train/88/image_00495.jpg b/flowers/train/88/image_00495.jpg new file mode 100644 index 00000000..f2afabe3 Binary files /dev/null and b/flowers/train/88/image_00495.jpg differ diff --git a/flowers/train/88/image_00496.jpg b/flowers/train/88/image_00496.jpg new file mode 100644 index 00000000..d1ef17f2 Binary files /dev/null and b/flowers/train/88/image_00496.jpg differ diff --git a/flowers/train/88/image_00497.jpg b/flowers/train/88/image_00497.jpg new file mode 100644 index 00000000..9dcd5cfc Binary files /dev/null and b/flowers/train/88/image_00497.jpg differ diff --git a/flowers/train/88/image_00498.jpg b/flowers/train/88/image_00498.jpg new file mode 100644 index 00000000..fe62c753 Binary files /dev/null and b/flowers/train/88/image_00498.jpg differ diff --git a/flowers/train/88/image_00499.jpg b/flowers/train/88/image_00499.jpg new file mode 100644 index 00000000..c14d60b5 Binary files /dev/null and b/flowers/train/88/image_00499.jpg differ diff --git a/flowers/train/88/image_00500.jpg b/flowers/train/88/image_00500.jpg new file mode 100644 index 00000000..337544bd Binary files /dev/null and b/flowers/train/88/image_00500.jpg differ diff --git a/flowers/train/88/image_00501.jpg b/flowers/train/88/image_00501.jpg new file mode 100644 index 00000000..178ff4db Binary files /dev/null and b/flowers/train/88/image_00501.jpg differ diff --git a/flowers/train/88/image_00503.jpg b/flowers/train/88/image_00503.jpg new file mode 100644 index 00000000..57c2d796 Binary files /dev/null and b/flowers/train/88/image_00503.jpg differ diff --git a/flowers/train/88/image_00504.jpg b/flowers/train/88/image_00504.jpg new file mode 100644 index 00000000..4e17dd3e Binary files /dev/null and b/flowers/train/88/image_00504.jpg differ diff --git a/flowers/train/88/image_00505.jpg b/flowers/train/88/image_00505.jpg new file mode 100644 index 00000000..1467f847 Binary files /dev/null and b/flowers/train/88/image_00505.jpg differ diff --git a/flowers/train/88/image_00506.jpg b/flowers/train/88/image_00506.jpg new file mode 100644 index 00000000..32f6c036 Binary files /dev/null and b/flowers/train/88/image_00506.jpg differ diff --git a/flowers/train/88/image_00507.jpg b/flowers/train/88/image_00507.jpg new file mode 100644 index 00000000..f49708f4 Binary files /dev/null and b/flowers/train/88/image_00507.jpg differ diff --git a/flowers/train/88/image_00510.jpg b/flowers/train/88/image_00510.jpg new file mode 100644 index 00000000..47092954 Binary files /dev/null and b/flowers/train/88/image_00510.jpg differ diff --git a/flowers/train/88/image_00511.jpg b/flowers/train/88/image_00511.jpg new file mode 100644 index 00000000..eb7c222f Binary files /dev/null and b/flowers/train/88/image_00511.jpg differ diff --git a/flowers/train/88/image_00513.jpg b/flowers/train/88/image_00513.jpg new file mode 100644 index 00000000..33fb47e1 Binary files /dev/null and b/flowers/train/88/image_00513.jpg differ diff --git a/flowers/train/88/image_00514.jpg b/flowers/train/88/image_00514.jpg new file mode 100644 index 00000000..29760fac Binary files /dev/null and b/flowers/train/88/image_00514.jpg differ diff --git a/flowers/train/88/image_00515.jpg b/flowers/train/88/image_00515.jpg new file mode 100644 index 00000000..99948334 Binary files /dev/null and b/flowers/train/88/image_00515.jpg differ diff --git a/flowers/train/88/image_00517.jpg b/flowers/train/88/image_00517.jpg new file mode 100644 index 00000000..b08fd45d Binary files /dev/null and b/flowers/train/88/image_00517.jpg differ diff --git a/flowers/train/88/image_00519.jpg b/flowers/train/88/image_00519.jpg new file mode 100644 index 00000000..756496be Binary files /dev/null and b/flowers/train/88/image_00519.jpg differ diff --git a/flowers/train/88/image_00521.jpg b/flowers/train/88/image_00521.jpg new file mode 100644 index 00000000..0deb1051 Binary files /dev/null and b/flowers/train/88/image_00521.jpg differ diff --git a/flowers/train/88/image_00522.jpg b/flowers/train/88/image_00522.jpg new file mode 100644 index 00000000..3b2ff317 Binary files /dev/null and b/flowers/train/88/image_00522.jpg differ diff --git a/flowers/train/88/image_00523.jpg b/flowers/train/88/image_00523.jpg new file mode 100644 index 00000000..88964c84 Binary files /dev/null and b/flowers/train/88/image_00523.jpg differ diff --git a/flowers/train/88/image_00524.jpg b/flowers/train/88/image_00524.jpg new file mode 100644 index 00000000..6c753008 Binary files /dev/null and b/flowers/train/88/image_00524.jpg differ diff --git a/flowers/train/88/image_00525.jpg b/flowers/train/88/image_00525.jpg new file mode 100644 index 00000000..61760ed0 Binary files /dev/null and b/flowers/train/88/image_00525.jpg differ diff --git a/flowers/train/88/image_00527.jpg b/flowers/train/88/image_00527.jpg new file mode 100644 index 00000000..ad7d5720 Binary files /dev/null and b/flowers/train/88/image_00527.jpg differ diff --git a/flowers/train/88/image_00528.jpg b/flowers/train/88/image_00528.jpg new file mode 100644 index 00000000..729fa2f9 Binary files /dev/null and b/flowers/train/88/image_00528.jpg differ diff --git a/flowers/train/88/image_00529.jpg b/flowers/train/88/image_00529.jpg new file mode 100644 index 00000000..1f3b91aa Binary files /dev/null and b/flowers/train/88/image_00529.jpg differ diff --git a/flowers/train/88/image_00530.jpg b/flowers/train/88/image_00530.jpg new file mode 100644 index 00000000..892df607 Binary files /dev/null and b/flowers/train/88/image_00530.jpg differ diff --git a/flowers/train/88/image_00532.jpg b/flowers/train/88/image_00532.jpg new file mode 100644 index 00000000..872eeff7 Binary files /dev/null and b/flowers/train/88/image_00532.jpg differ diff --git a/flowers/train/88/image_00534.jpg b/flowers/train/88/image_00534.jpg new file mode 100644 index 00000000..3f46d47d Binary files /dev/null and b/flowers/train/88/image_00534.jpg differ diff --git a/flowers/train/88/image_00535.jpg b/flowers/train/88/image_00535.jpg new file mode 100644 index 00000000..4b3a2fc5 Binary files /dev/null and b/flowers/train/88/image_00535.jpg differ diff --git a/flowers/train/88/image_00536.jpg b/flowers/train/88/image_00536.jpg new file mode 100644 index 00000000..3bc959af Binary files /dev/null and b/flowers/train/88/image_00536.jpg differ diff --git a/flowers/train/88/image_00537.jpg b/flowers/train/88/image_00537.jpg new file mode 100644 index 00000000..907c6dbe Binary files /dev/null and b/flowers/train/88/image_00537.jpg differ diff --git a/flowers/train/88/image_00538.jpg b/flowers/train/88/image_00538.jpg new file mode 100644 index 00000000..dc1493e8 Binary files /dev/null and b/flowers/train/88/image_00538.jpg differ diff --git a/flowers/train/88/image_00541.jpg b/flowers/train/88/image_00541.jpg new file mode 100644 index 00000000..56eff6f0 Binary files /dev/null and b/flowers/train/88/image_00541.jpg differ diff --git a/flowers/train/88/image_00543.jpg b/flowers/train/88/image_00543.jpg new file mode 100644 index 00000000..c0998a03 Binary files /dev/null and b/flowers/train/88/image_00543.jpg differ diff --git a/flowers/train/88/image_00548.jpg b/flowers/train/88/image_00548.jpg new file mode 100644 index 00000000..bf3dc725 Binary files /dev/null and b/flowers/train/88/image_00548.jpg differ diff --git a/flowers/train/88/image_00549.jpg b/flowers/train/88/image_00549.jpg new file mode 100644 index 00000000..3d9777d0 Binary files /dev/null and b/flowers/train/88/image_00549.jpg differ diff --git a/flowers/train/88/image_00550.jpg b/flowers/train/88/image_00550.jpg new file mode 100644 index 00000000..79c711f7 Binary files /dev/null and b/flowers/train/88/image_00550.jpg differ diff --git a/flowers/train/88/image_00552.jpg b/flowers/train/88/image_00552.jpg new file mode 100644 index 00000000..d5892617 Binary files /dev/null and b/flowers/train/88/image_00552.jpg differ diff --git a/flowers/train/88/image_00553.jpg b/flowers/train/88/image_00553.jpg new file mode 100644 index 00000000..33f582dc Binary files /dev/null and b/flowers/train/88/image_00553.jpg differ diff --git a/flowers/train/88/image_00555.jpg b/flowers/train/88/image_00555.jpg new file mode 100644 index 00000000..d3c4738f Binary files /dev/null and b/flowers/train/88/image_00555.jpg differ diff --git a/flowers/train/88/image_00557.jpg b/flowers/train/88/image_00557.jpg new file mode 100644 index 00000000..0537bced Binary files /dev/null and b/flowers/train/88/image_00557.jpg differ diff --git a/flowers/train/88/image_00558.jpg b/flowers/train/88/image_00558.jpg new file mode 100644 index 00000000..bf991539 Binary files /dev/null and b/flowers/train/88/image_00558.jpg differ diff --git a/flowers/train/88/image_00559.jpg b/flowers/train/88/image_00559.jpg new file mode 100644 index 00000000..c024958e Binary files /dev/null and b/flowers/train/88/image_00559.jpg differ diff --git a/flowers/train/88/image_00560.jpg b/flowers/train/88/image_00560.jpg new file mode 100644 index 00000000..066cf2d2 Binary files /dev/null and b/flowers/train/88/image_00560.jpg differ diff --git a/flowers/train/88/image_00561.jpg b/flowers/train/88/image_00561.jpg new file mode 100644 index 00000000..53e4ac33 Binary files /dev/null and b/flowers/train/88/image_00561.jpg differ diff --git a/flowers/train/88/image_00562.jpg b/flowers/train/88/image_00562.jpg new file mode 100644 index 00000000..67fc1ce1 Binary files /dev/null and b/flowers/train/88/image_00562.jpg differ diff --git a/flowers/train/88/image_00564.jpg b/flowers/train/88/image_00564.jpg new file mode 100644 index 00000000..756282d5 Binary files /dev/null and b/flowers/train/88/image_00564.jpg differ diff --git a/flowers/train/88/image_00565.jpg b/flowers/train/88/image_00565.jpg new file mode 100644 index 00000000..810cf0a5 Binary files /dev/null and b/flowers/train/88/image_00565.jpg differ diff --git a/flowers/train/88/image_00566.jpg b/flowers/train/88/image_00566.jpg new file mode 100644 index 00000000..d2607df5 Binary files /dev/null and b/flowers/train/88/image_00566.jpg differ diff --git a/flowers/train/88/image_00567.jpg b/flowers/train/88/image_00567.jpg new file mode 100644 index 00000000..85e26e7d Binary files /dev/null and b/flowers/train/88/image_00567.jpg differ diff --git a/flowers/train/88/image_00568.jpg b/flowers/train/88/image_00568.jpg new file mode 100644 index 00000000..c1bbe548 Binary files /dev/null and b/flowers/train/88/image_00568.jpg differ diff --git a/flowers/train/88/image_00569.jpg b/flowers/train/88/image_00569.jpg new file mode 100644 index 00000000..095eed95 Binary files /dev/null and b/flowers/train/88/image_00569.jpg differ diff --git a/flowers/train/88/image_00570.jpg b/flowers/train/88/image_00570.jpg new file mode 100644 index 00000000..67b74fb4 Binary files /dev/null and b/flowers/train/88/image_00570.jpg differ diff --git a/flowers/train/88/image_00571.jpg b/flowers/train/88/image_00571.jpg new file mode 100644 index 00000000..3ef0918a Binary files /dev/null and b/flowers/train/88/image_00571.jpg differ diff --git a/flowers/train/88/image_00572.jpg b/flowers/train/88/image_00572.jpg new file mode 100644 index 00000000..11770ecc Binary files /dev/null and b/flowers/train/88/image_00572.jpg differ diff --git a/flowers/train/88/image_00573.jpg b/flowers/train/88/image_00573.jpg new file mode 100644 index 00000000..b3e0283c Binary files /dev/null and b/flowers/train/88/image_00573.jpg differ diff --git a/flowers/train/88/image_00575.jpg b/flowers/train/88/image_00575.jpg new file mode 100644 index 00000000..4f042fd3 Binary files /dev/null and b/flowers/train/88/image_00575.jpg differ diff --git a/flowers/train/88/image_00576.jpg b/flowers/train/88/image_00576.jpg new file mode 100644 index 00000000..daa62f19 Binary files /dev/null and b/flowers/train/88/image_00576.jpg differ diff --git a/flowers/train/88/image_00578.jpg b/flowers/train/88/image_00578.jpg new file mode 100644 index 00000000..f2cbe51a Binary files /dev/null and b/flowers/train/88/image_00578.jpg differ diff --git a/flowers/train/88/image_00579.jpg b/flowers/train/88/image_00579.jpg new file mode 100644 index 00000000..1ac483df Binary files /dev/null and b/flowers/train/88/image_00579.jpg differ diff --git a/flowers/train/88/image_00580.jpg b/flowers/train/88/image_00580.jpg new file mode 100644 index 00000000..bdf94c0c Binary files /dev/null and b/flowers/train/88/image_00580.jpg differ diff --git a/flowers/train/88/image_00581.jpg b/flowers/train/88/image_00581.jpg new file mode 100644 index 00000000..df2c82c9 Binary files /dev/null and b/flowers/train/88/image_00581.jpg differ diff --git a/flowers/train/88/image_00583.jpg b/flowers/train/88/image_00583.jpg new file mode 100644 index 00000000..0fa20665 Binary files /dev/null and b/flowers/train/88/image_00583.jpg differ diff --git a/flowers/train/88/image_00586.jpg b/flowers/train/88/image_00586.jpg new file mode 100644 index 00000000..c55c4850 Binary files /dev/null and b/flowers/train/88/image_00586.jpg differ diff --git a/flowers/train/88/image_00587.jpg b/flowers/train/88/image_00587.jpg new file mode 100644 index 00000000..11705772 Binary files /dev/null and b/flowers/train/88/image_00587.jpg differ diff --git a/flowers/train/88/image_00588.jpg b/flowers/train/88/image_00588.jpg new file mode 100644 index 00000000..d8cd2771 Binary files /dev/null and b/flowers/train/88/image_00588.jpg differ diff --git a/flowers/train/88/image_00589.jpg b/flowers/train/88/image_00589.jpg new file mode 100644 index 00000000..b1dc1b94 Binary files /dev/null and b/flowers/train/88/image_00589.jpg differ diff --git a/flowers/train/88/image_00590.jpg b/flowers/train/88/image_00590.jpg new file mode 100644 index 00000000..4d8d66b6 Binary files /dev/null and b/flowers/train/88/image_00590.jpg differ diff --git a/flowers/train/88/image_00591.jpg b/flowers/train/88/image_00591.jpg new file mode 100644 index 00000000..3e0bc4dc Binary files /dev/null and b/flowers/train/88/image_00591.jpg differ diff --git a/flowers/train/88/image_00592.jpg b/flowers/train/88/image_00592.jpg new file mode 100644 index 00000000..4f865b3b Binary files /dev/null and b/flowers/train/88/image_00592.jpg differ diff --git a/flowers/train/88/image_00596.jpg b/flowers/train/88/image_00596.jpg new file mode 100644 index 00000000..34d6f9ce Binary files /dev/null and b/flowers/train/88/image_00596.jpg differ diff --git a/flowers/train/88/image_08082.jpg b/flowers/train/88/image_08082.jpg new file mode 100644 index 00000000..3d41fab6 Binary files /dev/null and b/flowers/train/88/image_08082.jpg differ diff --git a/flowers/train/88/image_08083.jpg b/flowers/train/88/image_08083.jpg new file mode 100644 index 00000000..15a9d65d Binary files /dev/null and b/flowers/train/88/image_08083.jpg differ diff --git a/flowers/train/89/image_00598.jpg b/flowers/train/89/image_00598.jpg new file mode 100644 index 00000000..71e1fd6a Binary files /dev/null and b/flowers/train/89/image_00598.jpg differ diff --git a/flowers/train/89/image_00599.jpg b/flowers/train/89/image_00599.jpg new file mode 100644 index 00000000..3b17d4bf Binary files /dev/null and b/flowers/train/89/image_00599.jpg differ diff --git a/flowers/train/89/image_00600.jpg b/flowers/train/89/image_00600.jpg new file mode 100644 index 00000000..e8e27a5f Binary files /dev/null and b/flowers/train/89/image_00600.jpg differ diff --git a/flowers/train/89/image_00601.jpg b/flowers/train/89/image_00601.jpg new file mode 100644 index 00000000..1a8bcd0a Binary files /dev/null and b/flowers/train/89/image_00601.jpg differ diff --git a/flowers/train/89/image_00602.jpg b/flowers/train/89/image_00602.jpg new file mode 100644 index 00000000..64786037 Binary files /dev/null and b/flowers/train/89/image_00602.jpg differ diff --git a/flowers/train/89/image_00603.jpg b/flowers/train/89/image_00603.jpg new file mode 100644 index 00000000..10a6a516 Binary files /dev/null and b/flowers/train/89/image_00603.jpg differ diff --git a/flowers/train/89/image_00604.jpg b/flowers/train/89/image_00604.jpg new file mode 100644 index 00000000..0b4e2a75 Binary files /dev/null and b/flowers/train/89/image_00604.jpg differ diff --git a/flowers/train/89/image_00605.jpg b/flowers/train/89/image_00605.jpg new file mode 100644 index 00000000..0d035e9c Binary files /dev/null and b/flowers/train/89/image_00605.jpg differ diff --git a/flowers/train/89/image_00606.jpg b/flowers/train/89/image_00606.jpg new file mode 100644 index 00000000..4cbe340f Binary files /dev/null and b/flowers/train/89/image_00606.jpg differ diff --git a/flowers/train/89/image_00607.jpg b/flowers/train/89/image_00607.jpg new file mode 100644 index 00000000..843558af Binary files /dev/null and b/flowers/train/89/image_00607.jpg differ diff --git a/flowers/train/89/image_00608.jpg b/flowers/train/89/image_00608.jpg new file mode 100644 index 00000000..410c0506 Binary files /dev/null and b/flowers/train/89/image_00608.jpg differ diff --git a/flowers/train/89/image_00609.jpg b/flowers/train/89/image_00609.jpg new file mode 100644 index 00000000..76b01069 Binary files /dev/null and b/flowers/train/89/image_00609.jpg differ diff --git a/flowers/train/89/image_00611.jpg b/flowers/train/89/image_00611.jpg new file mode 100644 index 00000000..db4ef431 Binary files /dev/null and b/flowers/train/89/image_00611.jpg differ diff --git a/flowers/train/89/image_00612.jpg b/flowers/train/89/image_00612.jpg new file mode 100644 index 00000000..f56317a6 Binary files /dev/null and b/flowers/train/89/image_00612.jpg differ diff --git a/flowers/train/89/image_00613.jpg b/flowers/train/89/image_00613.jpg new file mode 100644 index 00000000..ca065436 Binary files /dev/null and b/flowers/train/89/image_00613.jpg differ diff --git a/flowers/train/89/image_00614.jpg b/flowers/train/89/image_00614.jpg new file mode 100644 index 00000000..157e01e1 Binary files /dev/null and b/flowers/train/89/image_00614.jpg differ diff --git a/flowers/train/89/image_00615.jpg b/flowers/train/89/image_00615.jpg new file mode 100644 index 00000000..596e0fe0 Binary files /dev/null and b/flowers/train/89/image_00615.jpg differ diff --git a/flowers/train/89/image_00616.jpg b/flowers/train/89/image_00616.jpg new file mode 100644 index 00000000..5ad14953 Binary files /dev/null and b/flowers/train/89/image_00616.jpg differ diff --git a/flowers/train/89/image_00618.jpg b/flowers/train/89/image_00618.jpg new file mode 100644 index 00000000..b28a6fe5 Binary files /dev/null and b/flowers/train/89/image_00618.jpg differ diff --git a/flowers/train/89/image_00619.jpg b/flowers/train/89/image_00619.jpg new file mode 100644 index 00000000..1a2aa3b8 Binary files /dev/null and b/flowers/train/89/image_00619.jpg differ diff --git a/flowers/train/89/image_00620.jpg b/flowers/train/89/image_00620.jpg new file mode 100644 index 00000000..8988c14a Binary files /dev/null and b/flowers/train/89/image_00620.jpg differ diff --git a/flowers/train/89/image_00621.jpg b/flowers/train/89/image_00621.jpg new file mode 100644 index 00000000..7d69ee5a Binary files /dev/null and b/flowers/train/89/image_00621.jpg differ diff --git a/flowers/train/89/image_00622.jpg b/flowers/train/89/image_00622.jpg new file mode 100644 index 00000000..8d68731a Binary files /dev/null and b/flowers/train/89/image_00622.jpg differ diff --git a/flowers/train/89/image_00625.jpg b/flowers/train/89/image_00625.jpg new file mode 100644 index 00000000..8cf85cd1 Binary files /dev/null and b/flowers/train/89/image_00625.jpg differ diff --git a/flowers/train/89/image_00626.jpg b/flowers/train/89/image_00626.jpg new file mode 100644 index 00000000..25111fe2 Binary files /dev/null and b/flowers/train/89/image_00626.jpg differ diff --git a/flowers/train/89/image_00628.jpg b/flowers/train/89/image_00628.jpg new file mode 100644 index 00000000..7f7f1c51 Binary files /dev/null and b/flowers/train/89/image_00628.jpg differ diff --git a/flowers/train/89/image_00629.jpg b/flowers/train/89/image_00629.jpg new file mode 100644 index 00000000..2e344904 Binary files /dev/null and b/flowers/train/89/image_00629.jpg differ diff --git a/flowers/train/89/image_00630.jpg b/flowers/train/89/image_00630.jpg new file mode 100644 index 00000000..a7c66206 Binary files /dev/null and b/flowers/train/89/image_00630.jpg differ diff --git a/flowers/train/89/image_00631.jpg b/flowers/train/89/image_00631.jpg new file mode 100644 index 00000000..f5dd8725 Binary files /dev/null and b/flowers/train/89/image_00631.jpg differ diff --git a/flowers/train/89/image_00632.jpg b/flowers/train/89/image_00632.jpg new file mode 100644 index 00000000..b185e12a Binary files /dev/null and b/flowers/train/89/image_00632.jpg differ diff --git a/flowers/train/89/image_00633.jpg b/flowers/train/89/image_00633.jpg new file mode 100644 index 00000000..2605673e Binary files /dev/null and b/flowers/train/89/image_00633.jpg differ diff --git a/flowers/train/89/image_00635.jpg b/flowers/train/89/image_00635.jpg new file mode 100644 index 00000000..79b0549d Binary files /dev/null and b/flowers/train/89/image_00635.jpg differ diff --git a/flowers/train/89/image_00636.jpg b/flowers/train/89/image_00636.jpg new file mode 100644 index 00000000..47aec2af Binary files /dev/null and b/flowers/train/89/image_00636.jpg differ diff --git a/flowers/train/89/image_00637.jpg b/flowers/train/89/image_00637.jpg new file mode 100644 index 00000000..dc2cebef Binary files /dev/null and b/flowers/train/89/image_00637.jpg differ diff --git a/flowers/train/89/image_00638.jpg b/flowers/train/89/image_00638.jpg new file mode 100644 index 00000000..2ba2a090 Binary files /dev/null and b/flowers/train/89/image_00638.jpg differ diff --git a/flowers/train/89/image_00639.jpg b/flowers/train/89/image_00639.jpg new file mode 100644 index 00000000..bde62cd5 Binary files /dev/null and b/flowers/train/89/image_00639.jpg differ diff --git a/flowers/train/89/image_00641.jpg b/flowers/train/89/image_00641.jpg new file mode 100644 index 00000000..94d116f3 Binary files /dev/null and b/flowers/train/89/image_00641.jpg differ diff --git a/flowers/train/89/image_00642.jpg b/flowers/train/89/image_00642.jpg new file mode 100644 index 00000000..9c38fbc5 Binary files /dev/null and b/flowers/train/89/image_00642.jpg differ diff --git a/flowers/train/89/image_00643.jpg b/flowers/train/89/image_00643.jpg new file mode 100644 index 00000000..1751e1ea Binary files /dev/null and b/flowers/train/89/image_00643.jpg differ diff --git a/flowers/train/89/image_00644.jpg b/flowers/train/89/image_00644.jpg new file mode 100644 index 00000000..4e08715a Binary files /dev/null and b/flowers/train/89/image_00644.jpg differ diff --git a/flowers/train/89/image_00646.jpg b/flowers/train/89/image_00646.jpg new file mode 100644 index 00000000..2ba938f1 Binary files /dev/null and b/flowers/train/89/image_00646.jpg differ diff --git a/flowers/train/89/image_00647.jpg b/flowers/train/89/image_00647.jpg new file mode 100644 index 00000000..453af9ff Binary files /dev/null and b/flowers/train/89/image_00647.jpg differ diff --git a/flowers/train/89/image_00648.jpg b/flowers/train/89/image_00648.jpg new file mode 100644 index 00000000..059fdb9b Binary files /dev/null and b/flowers/train/89/image_00648.jpg differ diff --git a/flowers/train/89/image_00649.jpg b/flowers/train/89/image_00649.jpg new file mode 100644 index 00000000..9b5c0001 Binary files /dev/null and b/flowers/train/89/image_00649.jpg differ diff --git a/flowers/train/89/image_00650.jpg b/flowers/train/89/image_00650.jpg new file mode 100644 index 00000000..89749b41 Binary files /dev/null and b/flowers/train/89/image_00650.jpg differ diff --git a/flowers/train/89/image_00651.jpg b/flowers/train/89/image_00651.jpg new file mode 100644 index 00000000..9d901ffd Binary files /dev/null and b/flowers/train/89/image_00651.jpg differ diff --git a/flowers/train/89/image_00653.jpg b/flowers/train/89/image_00653.jpg new file mode 100644 index 00000000..b79d9afe Binary files /dev/null and b/flowers/train/89/image_00653.jpg differ diff --git a/flowers/train/89/image_00655.jpg b/flowers/train/89/image_00655.jpg new file mode 100644 index 00000000..0ed1995f Binary files /dev/null and b/flowers/train/89/image_00655.jpg differ diff --git a/flowers/train/89/image_00656.jpg b/flowers/train/89/image_00656.jpg new file mode 100644 index 00000000..0c8767f2 Binary files /dev/null and b/flowers/train/89/image_00656.jpg differ diff --git a/flowers/train/89/image_00657.jpg b/flowers/train/89/image_00657.jpg new file mode 100644 index 00000000..dfd7f85e Binary files /dev/null and b/flowers/train/89/image_00657.jpg differ diff --git a/flowers/train/89/image_00658.jpg b/flowers/train/89/image_00658.jpg new file mode 100644 index 00000000..b5daa685 Binary files /dev/null and b/flowers/train/89/image_00658.jpg differ diff --git a/flowers/train/89/image_00659.jpg b/flowers/train/89/image_00659.jpg new file mode 100644 index 00000000..851e9dde Binary files /dev/null and b/flowers/train/89/image_00659.jpg differ diff --git a/flowers/train/89/image_00660.jpg b/flowers/train/89/image_00660.jpg new file mode 100644 index 00000000..7fc468da Binary files /dev/null and b/flowers/train/89/image_00660.jpg differ diff --git a/flowers/train/89/image_00661.jpg b/flowers/train/89/image_00661.jpg new file mode 100644 index 00000000..bb1088f8 Binary files /dev/null and b/flowers/train/89/image_00661.jpg differ diff --git a/flowers/train/89/image_00662.jpg b/flowers/train/89/image_00662.jpg new file mode 100644 index 00000000..aa4133ca Binary files /dev/null and b/flowers/train/89/image_00662.jpg differ diff --git a/flowers/train/89/image_00663.jpg b/flowers/train/89/image_00663.jpg new file mode 100644 index 00000000..325ed1f5 Binary files /dev/null and b/flowers/train/89/image_00663.jpg differ diff --git a/flowers/train/89/image_00664.jpg b/flowers/train/89/image_00664.jpg new file mode 100644 index 00000000..deaf7bb2 Binary files /dev/null and b/flowers/train/89/image_00664.jpg differ diff --git a/flowers/train/89/image_00665.jpg b/flowers/train/89/image_00665.jpg new file mode 100644 index 00000000..0f0360d0 Binary files /dev/null and b/flowers/train/89/image_00665.jpg differ diff --git a/flowers/train/89/image_00666.jpg b/flowers/train/89/image_00666.jpg new file mode 100644 index 00000000..9e3414a0 Binary files /dev/null and b/flowers/train/89/image_00666.jpg differ diff --git a/flowers/train/89/image_00667.jpg b/flowers/train/89/image_00667.jpg new file mode 100644 index 00000000..89d74ae6 Binary files /dev/null and b/flowers/train/89/image_00667.jpg differ diff --git a/flowers/train/89/image_00668.jpg b/flowers/train/89/image_00668.jpg new file mode 100644 index 00000000..3381ac3a Binary files /dev/null and b/flowers/train/89/image_00668.jpg differ diff --git a/flowers/train/89/image_00669.jpg b/flowers/train/89/image_00669.jpg new file mode 100644 index 00000000..9f7c924e Binary files /dev/null and b/flowers/train/89/image_00669.jpg differ diff --git a/flowers/train/89/image_00670.jpg b/flowers/train/89/image_00670.jpg new file mode 100644 index 00000000..b20d41b4 Binary files /dev/null and b/flowers/train/89/image_00670.jpg differ diff --git a/flowers/train/89/image_00671.jpg b/flowers/train/89/image_00671.jpg new file mode 100644 index 00000000..4154ebd0 Binary files /dev/null and b/flowers/train/89/image_00671.jpg differ diff --git a/flowers/train/89/image_00672.jpg b/flowers/train/89/image_00672.jpg new file mode 100644 index 00000000..f748083c Binary files /dev/null and b/flowers/train/89/image_00672.jpg differ diff --git a/flowers/train/89/image_00673.jpg b/flowers/train/89/image_00673.jpg new file mode 100644 index 00000000..63bf6d27 Binary files /dev/null and b/flowers/train/89/image_00673.jpg differ diff --git a/flowers/train/89/image_00674.jpg b/flowers/train/89/image_00674.jpg new file mode 100644 index 00000000..312df1e2 Binary files /dev/null and b/flowers/train/89/image_00674.jpg differ diff --git a/flowers/train/89/image_00675.jpg b/flowers/train/89/image_00675.jpg new file mode 100644 index 00000000..23724c2f Binary files /dev/null and b/flowers/train/89/image_00675.jpg differ diff --git a/flowers/train/89/image_00677.jpg b/flowers/train/89/image_00677.jpg new file mode 100644 index 00000000..24f6d8e6 Binary files /dev/null and b/flowers/train/89/image_00677.jpg differ diff --git a/flowers/train/89/image_00678.jpg b/flowers/train/89/image_00678.jpg new file mode 100644 index 00000000..5ea0864c Binary files /dev/null and b/flowers/train/89/image_00678.jpg differ diff --git a/flowers/train/89/image_00679.jpg b/flowers/train/89/image_00679.jpg new file mode 100644 index 00000000..6da25ae0 Binary files /dev/null and b/flowers/train/89/image_00679.jpg differ diff --git a/flowers/train/89/image_00680.jpg b/flowers/train/89/image_00680.jpg new file mode 100644 index 00000000..dc477c59 Binary files /dev/null and b/flowers/train/89/image_00680.jpg differ diff --git a/flowers/train/89/image_00681.jpg b/flowers/train/89/image_00681.jpg new file mode 100644 index 00000000..afdd57d4 Binary files /dev/null and b/flowers/train/89/image_00681.jpg differ diff --git a/flowers/train/89/image_00682.jpg b/flowers/train/89/image_00682.jpg new file mode 100644 index 00000000..9ea000e0 Binary files /dev/null and b/flowers/train/89/image_00682.jpg differ diff --git a/flowers/train/89/image_00683.jpg b/flowers/train/89/image_00683.jpg new file mode 100644 index 00000000..82538ebc Binary files /dev/null and b/flowers/train/89/image_00683.jpg differ diff --git a/flowers/train/89/image_00684.jpg b/flowers/train/89/image_00684.jpg new file mode 100644 index 00000000..c963921a Binary files /dev/null and b/flowers/train/89/image_00684.jpg differ diff --git a/flowers/train/89/image_00685.jpg b/flowers/train/89/image_00685.jpg new file mode 100644 index 00000000..ba8f3856 Binary files /dev/null and b/flowers/train/89/image_00685.jpg differ diff --git a/flowers/train/89/image_00686.jpg b/flowers/train/89/image_00686.jpg new file mode 100644 index 00000000..dcc642d1 Binary files /dev/null and b/flowers/train/89/image_00686.jpg differ diff --git a/flowers/train/89/image_00687.jpg b/flowers/train/89/image_00687.jpg new file mode 100644 index 00000000..87dc1d2b Binary files /dev/null and b/flowers/train/89/image_00687.jpg differ diff --git a/flowers/train/89/image_00688.jpg b/flowers/train/89/image_00688.jpg new file mode 100644 index 00000000..214d2fc4 Binary files /dev/null and b/flowers/train/89/image_00688.jpg differ diff --git a/flowers/train/89/image_00689.jpg b/flowers/train/89/image_00689.jpg new file mode 100644 index 00000000..07d002e2 Binary files /dev/null and b/flowers/train/89/image_00689.jpg differ diff --git a/flowers/train/89/image_00690.jpg b/flowers/train/89/image_00690.jpg new file mode 100644 index 00000000..81bd09cd Binary files /dev/null and b/flowers/train/89/image_00690.jpg differ diff --git a/flowers/train/89/image_00693.jpg b/flowers/train/89/image_00693.jpg new file mode 100644 index 00000000..2717f391 Binary files /dev/null and b/flowers/train/89/image_00693.jpg differ diff --git a/flowers/train/89/image_00694.jpg b/flowers/train/89/image_00694.jpg new file mode 100644 index 00000000..2704188f Binary files /dev/null and b/flowers/train/89/image_00694.jpg differ diff --git a/flowers/train/89/image_00695.jpg b/flowers/train/89/image_00695.jpg new file mode 100644 index 00000000..38012737 Binary files /dev/null and b/flowers/train/89/image_00695.jpg differ diff --git a/flowers/train/89/image_00697.jpg b/flowers/train/89/image_00697.jpg new file mode 100644 index 00000000..80f20bde Binary files /dev/null and b/flowers/train/89/image_00697.jpg differ diff --git a/flowers/train/89/image_00698.jpg b/flowers/train/89/image_00698.jpg new file mode 100644 index 00000000..9732fbd6 Binary files /dev/null and b/flowers/train/89/image_00698.jpg differ diff --git a/flowers/train/89/image_00700.jpg b/flowers/train/89/image_00700.jpg new file mode 100644 index 00000000..01707a69 Binary files /dev/null and b/flowers/train/89/image_00700.jpg differ diff --git a/flowers/train/89/image_00701.jpg b/flowers/train/89/image_00701.jpg new file mode 100644 index 00000000..5a10af0f Binary files /dev/null and b/flowers/train/89/image_00701.jpg differ diff --git a/flowers/train/89/image_00702.jpg b/flowers/train/89/image_00702.jpg new file mode 100644 index 00000000..e0cac028 Binary files /dev/null and b/flowers/train/89/image_00702.jpg differ diff --git a/flowers/train/89/image_00703.jpg b/flowers/train/89/image_00703.jpg new file mode 100644 index 00000000..becf3594 Binary files /dev/null and b/flowers/train/89/image_00703.jpg differ diff --git a/flowers/train/89/image_00704.jpg b/flowers/train/89/image_00704.jpg new file mode 100644 index 00000000..fb29b0e1 Binary files /dev/null and b/flowers/train/89/image_00704.jpg differ diff --git a/flowers/train/89/image_00705.jpg b/flowers/train/89/image_00705.jpg new file mode 100644 index 00000000..75c3fc89 Binary files /dev/null and b/flowers/train/89/image_00705.jpg differ diff --git a/flowers/train/89/image_00706.jpg b/flowers/train/89/image_00706.jpg new file mode 100644 index 00000000..721f7057 Binary files /dev/null and b/flowers/train/89/image_00706.jpg differ diff --git a/flowers/train/89/image_00707.jpg b/flowers/train/89/image_00707.jpg new file mode 100644 index 00000000..fa41da6d Binary files /dev/null and b/flowers/train/89/image_00707.jpg differ diff --git a/flowers/train/89/image_00709.jpg b/flowers/train/89/image_00709.jpg new file mode 100644 index 00000000..86c86c0b Binary files /dev/null and b/flowers/train/89/image_00709.jpg differ diff --git a/flowers/train/89/image_00710.jpg b/flowers/train/89/image_00710.jpg new file mode 100644 index 00000000..71f93b40 Binary files /dev/null and b/flowers/train/89/image_00710.jpg differ diff --git a/flowers/train/89/image_00711.jpg b/flowers/train/89/image_00711.jpg new file mode 100644 index 00000000..31530dae Binary files /dev/null and b/flowers/train/89/image_00711.jpg differ diff --git a/flowers/train/89/image_00712.jpg b/flowers/train/89/image_00712.jpg new file mode 100644 index 00000000..9b0a06c1 Binary files /dev/null and b/flowers/train/89/image_00712.jpg differ diff --git a/flowers/train/89/image_00713.jpg b/flowers/train/89/image_00713.jpg new file mode 100644 index 00000000..e8bfccde Binary files /dev/null and b/flowers/train/89/image_00713.jpg differ diff --git a/flowers/train/89/image_00714.jpg b/flowers/train/89/image_00714.jpg new file mode 100644 index 00000000..aa9bba1a Binary files /dev/null and b/flowers/train/89/image_00714.jpg differ diff --git a/flowers/train/89/image_00715.jpg b/flowers/train/89/image_00715.jpg new file mode 100644 index 00000000..e431e35f Binary files /dev/null and b/flowers/train/89/image_00715.jpg differ diff --git a/flowers/train/89/image_00716.jpg b/flowers/train/89/image_00716.jpg new file mode 100644 index 00000000..b6ae0991 Binary files /dev/null and b/flowers/train/89/image_00716.jpg differ diff --git a/flowers/train/89/image_00717.jpg b/flowers/train/89/image_00717.jpg new file mode 100644 index 00000000..04bf7f95 Binary files /dev/null and b/flowers/train/89/image_00717.jpg differ diff --git a/flowers/train/89/image_00718.jpg b/flowers/train/89/image_00718.jpg new file mode 100644 index 00000000..f30ddad0 Binary files /dev/null and b/flowers/train/89/image_00718.jpg differ diff --git a/flowers/train/89/image_00719.jpg b/flowers/train/89/image_00719.jpg new file mode 100644 index 00000000..0d0d5ead Binary files /dev/null and b/flowers/train/89/image_00719.jpg differ diff --git a/flowers/train/89/image_00720.jpg b/flowers/train/89/image_00720.jpg new file mode 100644 index 00000000..1203a002 Binary files /dev/null and b/flowers/train/89/image_00720.jpg differ diff --git a/flowers/train/89/image_00721.jpg b/flowers/train/89/image_00721.jpg new file mode 100644 index 00000000..9f8a236f Binary files /dev/null and b/flowers/train/89/image_00721.jpg differ diff --git a/flowers/train/89/image_00722.jpg b/flowers/train/89/image_00722.jpg new file mode 100644 index 00000000..5bfdde3c Binary files /dev/null and b/flowers/train/89/image_00722.jpg differ diff --git a/flowers/train/89/image_00723.jpg b/flowers/train/89/image_00723.jpg new file mode 100644 index 00000000..7506ed7b Binary files /dev/null and b/flowers/train/89/image_00723.jpg differ diff --git a/flowers/train/89/image_00725.jpg b/flowers/train/89/image_00725.jpg new file mode 100644 index 00000000..a111cfcd Binary files /dev/null and b/flowers/train/89/image_00725.jpg differ diff --git a/flowers/train/89/image_00727.jpg b/flowers/train/89/image_00727.jpg new file mode 100644 index 00000000..1087027b Binary files /dev/null and b/flowers/train/89/image_00727.jpg differ diff --git a/flowers/train/89/image_00728.jpg b/flowers/train/89/image_00728.jpg new file mode 100644 index 00000000..f47235c0 Binary files /dev/null and b/flowers/train/89/image_00728.jpg differ diff --git a/flowers/train/89/image_00729.jpg b/flowers/train/89/image_00729.jpg new file mode 100644 index 00000000..2f7058ff Binary files /dev/null and b/flowers/train/89/image_00729.jpg differ diff --git a/flowers/train/89/image_00731.jpg b/flowers/train/89/image_00731.jpg new file mode 100644 index 00000000..ea3ef422 Binary files /dev/null and b/flowers/train/89/image_00731.jpg differ diff --git a/flowers/train/89/image_00732.jpg b/flowers/train/89/image_00732.jpg new file mode 100644 index 00000000..5c93eac3 Binary files /dev/null and b/flowers/train/89/image_00732.jpg differ diff --git a/flowers/train/89/image_00733.jpg b/flowers/train/89/image_00733.jpg new file mode 100644 index 00000000..76d3b419 Binary files /dev/null and b/flowers/train/89/image_00733.jpg differ diff --git a/flowers/train/89/image_00734.jpg b/flowers/train/89/image_00734.jpg new file mode 100644 index 00000000..34559eed Binary files /dev/null and b/flowers/train/89/image_00734.jpg differ diff --git a/flowers/train/89/image_00735.jpg b/flowers/train/89/image_00735.jpg new file mode 100644 index 00000000..557c2df7 Binary files /dev/null and b/flowers/train/89/image_00735.jpg differ diff --git a/flowers/train/89/image_00736.jpg b/flowers/train/89/image_00736.jpg new file mode 100644 index 00000000..1761ab55 Binary files /dev/null and b/flowers/train/89/image_00736.jpg differ diff --git a/flowers/train/89/image_00737.jpg b/flowers/train/89/image_00737.jpg new file mode 100644 index 00000000..d9e58981 Binary files /dev/null and b/flowers/train/89/image_00737.jpg differ diff --git a/flowers/train/89/image_00738.jpg b/flowers/train/89/image_00738.jpg new file mode 100644 index 00000000..cc3603f6 Binary files /dev/null and b/flowers/train/89/image_00738.jpg differ diff --git a/flowers/train/89/image_00739.jpg b/flowers/train/89/image_00739.jpg new file mode 100644 index 00000000..9c33913d Binary files /dev/null and b/flowers/train/89/image_00739.jpg differ diff --git a/flowers/train/89/image_00742.jpg b/flowers/train/89/image_00742.jpg new file mode 100644 index 00000000..d621fb5e Binary files /dev/null and b/flowers/train/89/image_00742.jpg differ diff --git a/flowers/train/89/image_00743.jpg b/flowers/train/89/image_00743.jpg new file mode 100644 index 00000000..d85da478 Binary files /dev/null and b/flowers/train/89/image_00743.jpg differ diff --git a/flowers/train/89/image_00744.jpg b/flowers/train/89/image_00744.jpg new file mode 100644 index 00000000..117c7e7c Binary files /dev/null and b/flowers/train/89/image_00744.jpg differ diff --git a/flowers/train/89/image_00747.jpg b/flowers/train/89/image_00747.jpg new file mode 100644 index 00000000..04b68842 Binary files /dev/null and b/flowers/train/89/image_00747.jpg differ diff --git a/flowers/train/89/image_00748.jpg b/flowers/train/89/image_00748.jpg new file mode 100644 index 00000000..ea8670ac Binary files /dev/null and b/flowers/train/89/image_00748.jpg differ diff --git a/flowers/train/89/image_00750.jpg b/flowers/train/89/image_00750.jpg new file mode 100644 index 00000000..fdcc2c5a Binary files /dev/null and b/flowers/train/89/image_00750.jpg differ diff --git a/flowers/train/89/image_00751.jpg b/flowers/train/89/image_00751.jpg new file mode 100644 index 00000000..c0f0a7cb Binary files /dev/null and b/flowers/train/89/image_00751.jpg differ diff --git a/flowers/train/89/image_00753.jpg b/flowers/train/89/image_00753.jpg new file mode 100644 index 00000000..27fa9a54 Binary files /dev/null and b/flowers/train/89/image_00753.jpg differ diff --git a/flowers/train/89/image_00754.jpg b/flowers/train/89/image_00754.jpg new file mode 100644 index 00000000..0bf4a6d1 Binary files /dev/null and b/flowers/train/89/image_00754.jpg differ diff --git a/flowers/train/89/image_00757.jpg b/flowers/train/89/image_00757.jpg new file mode 100644 index 00000000..d32b7900 Binary files /dev/null and b/flowers/train/89/image_00757.jpg differ diff --git a/flowers/train/89/image_00758.jpg b/flowers/train/89/image_00758.jpg new file mode 100644 index 00000000..8c13be0f Binary files /dev/null and b/flowers/train/89/image_00758.jpg differ diff --git a/flowers/train/89/image_00760.jpg b/flowers/train/89/image_00760.jpg new file mode 100644 index 00000000..82afa3da Binary files /dev/null and b/flowers/train/89/image_00760.jpg differ diff --git a/flowers/train/89/image_00761.jpg b/flowers/train/89/image_00761.jpg new file mode 100644 index 00000000..070f06b5 Binary files /dev/null and b/flowers/train/89/image_00761.jpg differ diff --git a/flowers/train/89/image_00762.jpg b/flowers/train/89/image_00762.jpg new file mode 100644 index 00000000..d8a80cfe Binary files /dev/null and b/flowers/train/89/image_00762.jpg differ diff --git a/flowers/train/89/image_00765.jpg b/flowers/train/89/image_00765.jpg new file mode 100644 index 00000000..042cd30c Binary files /dev/null and b/flowers/train/89/image_00765.jpg differ diff --git a/flowers/train/89/image_00766.jpg b/flowers/train/89/image_00766.jpg new file mode 100644 index 00000000..ad37c59c Binary files /dev/null and b/flowers/train/89/image_00766.jpg differ diff --git a/flowers/train/89/image_00767.jpg b/flowers/train/89/image_00767.jpg new file mode 100644 index 00000000..646448b6 Binary files /dev/null and b/flowers/train/89/image_00767.jpg differ diff --git a/flowers/train/89/image_00768.jpg b/flowers/train/89/image_00768.jpg new file mode 100644 index 00000000..09e4f30c Binary files /dev/null and b/flowers/train/89/image_00768.jpg differ diff --git a/flowers/train/89/image_00769.jpg b/flowers/train/89/image_00769.jpg new file mode 100644 index 00000000..7f2c731f Binary files /dev/null and b/flowers/train/89/image_00769.jpg differ diff --git a/flowers/train/89/image_00770.jpg b/flowers/train/89/image_00770.jpg new file mode 100644 index 00000000..c9d26a35 Binary files /dev/null and b/flowers/train/89/image_00770.jpg differ diff --git a/flowers/train/89/image_00771.jpg b/flowers/train/89/image_00771.jpg new file mode 100644 index 00000000..dabc7c75 Binary files /dev/null and b/flowers/train/89/image_00771.jpg differ diff --git a/flowers/train/89/image_00772.jpg b/flowers/train/89/image_00772.jpg new file mode 100644 index 00000000..d5644ab1 Binary files /dev/null and b/flowers/train/89/image_00772.jpg differ diff --git a/flowers/train/89/image_00773.jpg b/flowers/train/89/image_00773.jpg new file mode 100644 index 00000000..804dad29 Binary files /dev/null and b/flowers/train/89/image_00773.jpg differ diff --git a/flowers/train/89/image_00774.jpg b/flowers/train/89/image_00774.jpg new file mode 100644 index 00000000..152eb64d Binary files /dev/null and b/flowers/train/89/image_00774.jpg differ diff --git a/flowers/train/89/image_00775.jpg b/flowers/train/89/image_00775.jpg new file mode 100644 index 00000000..9150fa75 Binary files /dev/null and b/flowers/train/89/image_00775.jpg differ diff --git a/flowers/train/89/image_00776.jpg b/flowers/train/89/image_00776.jpg new file mode 100644 index 00000000..8f81a636 Binary files /dev/null and b/flowers/train/89/image_00776.jpg differ diff --git a/flowers/train/89/image_00777.jpg b/flowers/train/89/image_00777.jpg new file mode 100644 index 00000000..88fb11ee Binary files /dev/null and b/flowers/train/89/image_00777.jpg differ diff --git a/flowers/train/89/image_00778.jpg b/flowers/train/89/image_00778.jpg new file mode 100644 index 00000000..1f2964bd Binary files /dev/null and b/flowers/train/89/image_00778.jpg differ diff --git a/flowers/train/89/image_00780.jpg b/flowers/train/89/image_00780.jpg new file mode 100644 index 00000000..dc483682 Binary files /dev/null and b/flowers/train/89/image_00780.jpg differ diff --git a/flowers/train/89/image_07284.jpg b/flowers/train/89/image_07284.jpg new file mode 100644 index 00000000..1787b0a7 Binary files /dev/null and b/flowers/train/89/image_07284.jpg differ diff --git a/flowers/train/9/image_06395.jpg b/flowers/train/9/image_06395.jpg new file mode 100644 index 00000000..c32101e3 Binary files /dev/null and b/flowers/train/9/image_06395.jpg differ diff --git a/flowers/train/9/image_06396.jpg b/flowers/train/9/image_06396.jpg new file mode 100644 index 00000000..32799d79 Binary files /dev/null and b/flowers/train/9/image_06396.jpg differ diff --git a/flowers/train/9/image_06397.jpg b/flowers/train/9/image_06397.jpg new file mode 100644 index 00000000..40d99c4f Binary files /dev/null and b/flowers/train/9/image_06397.jpg differ diff --git a/flowers/train/9/image_06399.jpg b/flowers/train/9/image_06399.jpg new file mode 100644 index 00000000..3ca51b37 Binary files /dev/null and b/flowers/train/9/image_06399.jpg differ diff --git a/flowers/train/9/image_06400.jpg b/flowers/train/9/image_06400.jpg new file mode 100644 index 00000000..28afcef9 Binary files /dev/null and b/flowers/train/9/image_06400.jpg differ diff --git a/flowers/train/9/image_06401.jpg b/flowers/train/9/image_06401.jpg new file mode 100644 index 00000000..ddc78a67 Binary files /dev/null and b/flowers/train/9/image_06401.jpg differ diff --git a/flowers/train/9/image_06402.jpg b/flowers/train/9/image_06402.jpg new file mode 100644 index 00000000..bca38bbf Binary files /dev/null and b/flowers/train/9/image_06402.jpg differ diff --git a/flowers/train/9/image_06403.jpg b/flowers/train/9/image_06403.jpg new file mode 100644 index 00000000..859c4a13 Binary files /dev/null and b/flowers/train/9/image_06403.jpg differ diff --git a/flowers/train/9/image_06404.jpg b/flowers/train/9/image_06404.jpg new file mode 100644 index 00000000..2cdbe8ab Binary files /dev/null and b/flowers/train/9/image_06404.jpg differ diff --git a/flowers/train/9/image_06405.jpg b/flowers/train/9/image_06405.jpg new file mode 100644 index 00000000..d620141e Binary files /dev/null and b/flowers/train/9/image_06405.jpg differ diff --git a/flowers/train/9/image_06406.jpg b/flowers/train/9/image_06406.jpg new file mode 100644 index 00000000..03cf4bf0 Binary files /dev/null and b/flowers/train/9/image_06406.jpg differ diff --git a/flowers/train/9/image_06407.jpg b/flowers/train/9/image_06407.jpg new file mode 100644 index 00000000..68bfdbea Binary files /dev/null and b/flowers/train/9/image_06407.jpg differ diff --git a/flowers/train/9/image_06408.jpg b/flowers/train/9/image_06408.jpg new file mode 100644 index 00000000..e23451a4 Binary files /dev/null and b/flowers/train/9/image_06408.jpg differ diff --git a/flowers/train/9/image_06409.jpg b/flowers/train/9/image_06409.jpg new file mode 100644 index 00000000..8b51914f Binary files /dev/null and b/flowers/train/9/image_06409.jpg differ diff --git a/flowers/train/9/image_06411.jpg b/flowers/train/9/image_06411.jpg new file mode 100644 index 00000000..7294e3b2 Binary files /dev/null and b/flowers/train/9/image_06411.jpg differ diff --git a/flowers/train/9/image_06412.jpg b/flowers/train/9/image_06412.jpg new file mode 100644 index 00000000..956d86a5 Binary files /dev/null and b/flowers/train/9/image_06412.jpg differ diff --git a/flowers/train/9/image_06415.jpg b/flowers/train/9/image_06415.jpg new file mode 100644 index 00000000..91a377e1 Binary files /dev/null and b/flowers/train/9/image_06415.jpg differ diff --git a/flowers/train/9/image_06416.jpg b/flowers/train/9/image_06416.jpg new file mode 100644 index 00000000..34b684e7 Binary files /dev/null and b/flowers/train/9/image_06416.jpg differ diff --git a/flowers/train/9/image_06417.jpg b/flowers/train/9/image_06417.jpg new file mode 100644 index 00000000..2aae61d0 Binary files /dev/null and b/flowers/train/9/image_06417.jpg differ diff --git a/flowers/train/9/image_06418.jpg b/flowers/train/9/image_06418.jpg new file mode 100644 index 00000000..2b91d002 Binary files /dev/null and b/flowers/train/9/image_06418.jpg differ diff --git a/flowers/train/9/image_06419.jpg b/flowers/train/9/image_06419.jpg new file mode 100644 index 00000000..082c0706 Binary files /dev/null and b/flowers/train/9/image_06419.jpg differ diff --git a/flowers/train/9/image_06421.jpg b/flowers/train/9/image_06421.jpg new file mode 100644 index 00000000..8311af56 Binary files /dev/null and b/flowers/train/9/image_06421.jpg differ diff --git a/flowers/train/9/image_06422.jpg b/flowers/train/9/image_06422.jpg new file mode 100644 index 00000000..749188e4 Binary files /dev/null and b/flowers/train/9/image_06422.jpg differ diff --git a/flowers/train/9/image_06423.jpg b/flowers/train/9/image_06423.jpg new file mode 100644 index 00000000..2744d9b1 Binary files /dev/null and b/flowers/train/9/image_06423.jpg differ diff --git a/flowers/train/9/image_06424.jpg b/flowers/train/9/image_06424.jpg new file mode 100644 index 00000000..69c3131c Binary files /dev/null and b/flowers/train/9/image_06424.jpg differ diff --git a/flowers/train/9/image_06425.jpg b/flowers/train/9/image_06425.jpg new file mode 100644 index 00000000..86cad0c4 Binary files /dev/null and b/flowers/train/9/image_06425.jpg differ diff --git a/flowers/train/9/image_06426.jpg b/flowers/train/9/image_06426.jpg new file mode 100644 index 00000000..5ac718f1 Binary files /dev/null and b/flowers/train/9/image_06426.jpg differ diff --git a/flowers/train/9/image_06427.jpg b/flowers/train/9/image_06427.jpg new file mode 100644 index 00000000..900e05f1 Binary files /dev/null and b/flowers/train/9/image_06427.jpg differ diff --git a/flowers/train/9/image_06428.jpg b/flowers/train/9/image_06428.jpg new file mode 100644 index 00000000..4d94d732 Binary files /dev/null and b/flowers/train/9/image_06428.jpg differ diff --git a/flowers/train/9/image_06429.jpg b/flowers/train/9/image_06429.jpg new file mode 100644 index 00000000..d5e8ef7b Binary files /dev/null and b/flowers/train/9/image_06429.jpg differ diff --git a/flowers/train/9/image_06430.jpg b/flowers/train/9/image_06430.jpg new file mode 100644 index 00000000..ec73f246 Binary files /dev/null and b/flowers/train/9/image_06430.jpg differ diff --git a/flowers/train/9/image_06431.jpg b/flowers/train/9/image_06431.jpg new file mode 100644 index 00000000..138faf04 Binary files /dev/null and b/flowers/train/9/image_06431.jpg differ diff --git a/flowers/train/9/image_06432.jpg b/flowers/train/9/image_06432.jpg new file mode 100644 index 00000000..25e5dd35 Binary files /dev/null and b/flowers/train/9/image_06432.jpg differ diff --git a/flowers/train/9/image_06433.jpg b/flowers/train/9/image_06433.jpg new file mode 100644 index 00000000..989bc7c8 Binary files /dev/null and b/flowers/train/9/image_06433.jpg differ diff --git a/flowers/train/9/image_06434.jpg b/flowers/train/9/image_06434.jpg new file mode 100644 index 00000000..c42e870a Binary files /dev/null and b/flowers/train/9/image_06434.jpg differ diff --git a/flowers/train/9/image_06435.jpg b/flowers/train/9/image_06435.jpg new file mode 100644 index 00000000..f3f2013d Binary files /dev/null and b/flowers/train/9/image_06435.jpg differ diff --git a/flowers/train/9/image_06436.jpg b/flowers/train/9/image_06436.jpg new file mode 100644 index 00000000..4a477261 Binary files /dev/null and b/flowers/train/9/image_06436.jpg differ diff --git a/flowers/train/9/image_06437.jpg b/flowers/train/9/image_06437.jpg new file mode 100644 index 00000000..d888d245 Binary files /dev/null and b/flowers/train/9/image_06437.jpg differ diff --git a/flowers/train/9/image_06438.jpg b/flowers/train/9/image_06438.jpg new file mode 100644 index 00000000..322b99fb Binary files /dev/null and b/flowers/train/9/image_06438.jpg differ diff --git a/flowers/train/9/image_06439.jpg b/flowers/train/9/image_06439.jpg new file mode 100644 index 00000000..af4fa73f Binary files /dev/null and b/flowers/train/9/image_06439.jpg differ diff --git a/flowers/train/9/image_06440.jpg b/flowers/train/9/image_06440.jpg new file mode 100644 index 00000000..bba817e4 Binary files /dev/null and b/flowers/train/9/image_06440.jpg differ diff --git a/flowers/train/90/image_04401.jpg b/flowers/train/90/image_04401.jpg new file mode 100644 index 00000000..f8e8796e Binary files /dev/null and b/flowers/train/90/image_04401.jpg differ diff --git a/flowers/train/90/image_04404.jpg b/flowers/train/90/image_04404.jpg new file mode 100644 index 00000000..5e02bb56 Binary files /dev/null and b/flowers/train/90/image_04404.jpg differ diff --git a/flowers/train/90/image_04406.jpg b/flowers/train/90/image_04406.jpg new file mode 100644 index 00000000..3a93bfa8 Binary files /dev/null and b/flowers/train/90/image_04406.jpg differ diff --git a/flowers/train/90/image_04408.jpg b/flowers/train/90/image_04408.jpg new file mode 100644 index 00000000..b4d25b45 Binary files /dev/null and b/flowers/train/90/image_04408.jpg differ diff --git a/flowers/train/90/image_04409.jpg b/flowers/train/90/image_04409.jpg new file mode 100644 index 00000000..ca875c39 Binary files /dev/null and b/flowers/train/90/image_04409.jpg differ diff --git a/flowers/train/90/image_04410.jpg b/flowers/train/90/image_04410.jpg new file mode 100644 index 00000000..c271ea86 Binary files /dev/null and b/flowers/train/90/image_04410.jpg differ diff --git a/flowers/train/90/image_04411.jpg b/flowers/train/90/image_04411.jpg new file mode 100644 index 00000000..620061da Binary files /dev/null and b/flowers/train/90/image_04411.jpg differ diff --git a/flowers/train/90/image_04412.jpg b/flowers/train/90/image_04412.jpg new file mode 100644 index 00000000..8b1eeb35 Binary files /dev/null and b/flowers/train/90/image_04412.jpg differ diff --git a/flowers/train/90/image_04413.jpg b/flowers/train/90/image_04413.jpg new file mode 100644 index 00000000..86a5b0b0 Binary files /dev/null and b/flowers/train/90/image_04413.jpg differ diff --git a/flowers/train/90/image_04414.jpg b/flowers/train/90/image_04414.jpg new file mode 100644 index 00000000..0a901589 Binary files /dev/null and b/flowers/train/90/image_04414.jpg differ diff --git a/flowers/train/90/image_04415.jpg b/flowers/train/90/image_04415.jpg new file mode 100644 index 00000000..29c00b83 Binary files /dev/null and b/flowers/train/90/image_04415.jpg differ diff --git a/flowers/train/90/image_04416.jpg b/flowers/train/90/image_04416.jpg new file mode 100644 index 00000000..a5038db0 Binary files /dev/null and b/flowers/train/90/image_04416.jpg differ diff --git a/flowers/train/90/image_04418.jpg b/flowers/train/90/image_04418.jpg new file mode 100644 index 00000000..59919775 Binary files /dev/null and b/flowers/train/90/image_04418.jpg differ diff --git a/flowers/train/90/image_04419.jpg b/flowers/train/90/image_04419.jpg new file mode 100644 index 00000000..e9cce55f Binary files /dev/null and b/flowers/train/90/image_04419.jpg differ diff --git a/flowers/train/90/image_04421.jpg b/flowers/train/90/image_04421.jpg new file mode 100644 index 00000000..7a1be8e8 Binary files /dev/null and b/flowers/train/90/image_04421.jpg differ diff --git a/flowers/train/90/image_04422.jpg b/flowers/train/90/image_04422.jpg new file mode 100644 index 00000000..73f3022b Binary files /dev/null and b/flowers/train/90/image_04422.jpg differ diff --git a/flowers/train/90/image_04423.jpg b/flowers/train/90/image_04423.jpg new file mode 100644 index 00000000..6501cbc9 Binary files /dev/null and b/flowers/train/90/image_04423.jpg differ diff --git a/flowers/train/90/image_04424.jpg b/flowers/train/90/image_04424.jpg new file mode 100644 index 00000000..294d0eb7 Binary files /dev/null and b/flowers/train/90/image_04424.jpg differ diff --git a/flowers/train/90/image_04425.jpg b/flowers/train/90/image_04425.jpg new file mode 100644 index 00000000..8f16a77c Binary files /dev/null and b/flowers/train/90/image_04425.jpg differ diff --git a/flowers/train/90/image_04427.jpg b/flowers/train/90/image_04427.jpg new file mode 100644 index 00000000..573c72d8 Binary files /dev/null and b/flowers/train/90/image_04427.jpg differ diff --git a/flowers/train/90/image_04429.jpg b/flowers/train/90/image_04429.jpg new file mode 100644 index 00000000..d4d5cae1 Binary files /dev/null and b/flowers/train/90/image_04429.jpg differ diff --git a/flowers/train/90/image_04433.jpg b/flowers/train/90/image_04433.jpg new file mode 100644 index 00000000..428a2917 Binary files /dev/null and b/flowers/train/90/image_04433.jpg differ diff --git a/flowers/train/90/image_04434.jpg b/flowers/train/90/image_04434.jpg new file mode 100644 index 00000000..1acda0fd Binary files /dev/null and b/flowers/train/90/image_04434.jpg differ diff --git a/flowers/train/90/image_04435.jpg b/flowers/train/90/image_04435.jpg new file mode 100644 index 00000000..212d80e1 Binary files /dev/null and b/flowers/train/90/image_04435.jpg differ diff --git a/flowers/train/90/image_04436.jpg b/flowers/train/90/image_04436.jpg new file mode 100644 index 00000000..6f15b1a1 Binary files /dev/null and b/flowers/train/90/image_04436.jpg differ diff --git a/flowers/train/90/image_04437.jpg b/flowers/train/90/image_04437.jpg new file mode 100644 index 00000000..5045355c Binary files /dev/null and b/flowers/train/90/image_04437.jpg differ diff --git a/flowers/train/90/image_04438.jpg b/flowers/train/90/image_04438.jpg new file mode 100644 index 00000000..98a88a30 Binary files /dev/null and b/flowers/train/90/image_04438.jpg differ diff --git a/flowers/train/90/image_04439.jpg b/flowers/train/90/image_04439.jpg new file mode 100644 index 00000000..1b282882 Binary files /dev/null and b/flowers/train/90/image_04439.jpg differ diff --git a/flowers/train/90/image_04440.jpg b/flowers/train/90/image_04440.jpg new file mode 100644 index 00000000..041ef1b7 Binary files /dev/null and b/flowers/train/90/image_04440.jpg differ diff --git a/flowers/train/90/image_04441.jpg b/flowers/train/90/image_04441.jpg new file mode 100644 index 00000000..977248f9 Binary files /dev/null and b/flowers/train/90/image_04441.jpg differ diff --git a/flowers/train/90/image_04442.jpg b/flowers/train/90/image_04442.jpg new file mode 100644 index 00000000..bab7f508 Binary files /dev/null and b/flowers/train/90/image_04442.jpg differ diff --git a/flowers/train/90/image_04443.jpg b/flowers/train/90/image_04443.jpg new file mode 100644 index 00000000..11ca66db Binary files /dev/null and b/flowers/train/90/image_04443.jpg differ diff --git a/flowers/train/90/image_04444.jpg b/flowers/train/90/image_04444.jpg new file mode 100644 index 00000000..d69fa50f Binary files /dev/null and b/flowers/train/90/image_04444.jpg differ diff --git a/flowers/train/90/image_04445.jpg b/flowers/train/90/image_04445.jpg new file mode 100644 index 00000000..a4fe2e06 Binary files /dev/null and b/flowers/train/90/image_04445.jpg differ diff --git a/flowers/train/90/image_04446.jpg b/flowers/train/90/image_04446.jpg new file mode 100644 index 00000000..50604201 Binary files /dev/null and b/flowers/train/90/image_04446.jpg differ diff --git a/flowers/train/90/image_04447.jpg b/flowers/train/90/image_04447.jpg new file mode 100644 index 00000000..0271133e Binary files /dev/null and b/flowers/train/90/image_04447.jpg differ diff --git a/flowers/train/90/image_04448.jpg b/flowers/train/90/image_04448.jpg new file mode 100644 index 00000000..eb2fc61b Binary files /dev/null and b/flowers/train/90/image_04448.jpg differ diff --git a/flowers/train/90/image_04449.jpg b/flowers/train/90/image_04449.jpg new file mode 100644 index 00000000..260043d5 Binary files /dev/null and b/flowers/train/90/image_04449.jpg differ diff --git a/flowers/train/90/image_04450.jpg b/flowers/train/90/image_04450.jpg new file mode 100644 index 00000000..5ec52648 Binary files /dev/null and b/flowers/train/90/image_04450.jpg differ diff --git a/flowers/train/90/image_04451.jpg b/flowers/train/90/image_04451.jpg new file mode 100644 index 00000000..6428f022 Binary files /dev/null and b/flowers/train/90/image_04451.jpg differ diff --git a/flowers/train/90/image_04452.jpg b/flowers/train/90/image_04452.jpg new file mode 100644 index 00000000..ba6fb56c Binary files /dev/null and b/flowers/train/90/image_04452.jpg differ diff --git a/flowers/train/90/image_04453.jpg b/flowers/train/90/image_04453.jpg new file mode 100644 index 00000000..831eb1ae Binary files /dev/null and b/flowers/train/90/image_04453.jpg differ diff --git a/flowers/train/90/image_04454.jpg b/flowers/train/90/image_04454.jpg new file mode 100644 index 00000000..bcae76dd Binary files /dev/null and b/flowers/train/90/image_04454.jpg differ diff --git a/flowers/train/90/image_04455.jpg b/flowers/train/90/image_04455.jpg new file mode 100644 index 00000000..375ee774 Binary files /dev/null and b/flowers/train/90/image_04455.jpg differ diff --git a/flowers/train/90/image_04456.jpg b/flowers/train/90/image_04456.jpg new file mode 100644 index 00000000..950a33c4 Binary files /dev/null and b/flowers/train/90/image_04456.jpg differ diff --git a/flowers/train/90/image_04457.jpg b/flowers/train/90/image_04457.jpg new file mode 100644 index 00000000..5880c3f9 Binary files /dev/null and b/flowers/train/90/image_04457.jpg differ diff --git a/flowers/train/90/image_04460.jpg b/flowers/train/90/image_04460.jpg new file mode 100644 index 00000000..1ec6d2a5 Binary files /dev/null and b/flowers/train/90/image_04460.jpg differ diff --git a/flowers/train/90/image_04461.jpg b/flowers/train/90/image_04461.jpg new file mode 100644 index 00000000..b55976a8 Binary files /dev/null and b/flowers/train/90/image_04461.jpg differ diff --git a/flowers/train/90/image_04462.jpg b/flowers/train/90/image_04462.jpg new file mode 100644 index 00000000..f77bdef9 Binary files /dev/null and b/flowers/train/90/image_04462.jpg differ diff --git a/flowers/train/90/image_04463.jpg b/flowers/train/90/image_04463.jpg new file mode 100644 index 00000000..68dc8127 Binary files /dev/null and b/flowers/train/90/image_04463.jpg differ diff --git a/flowers/train/90/image_04464.jpg b/flowers/train/90/image_04464.jpg new file mode 100644 index 00000000..51ab803f Binary files /dev/null and b/flowers/train/90/image_04464.jpg differ diff --git a/flowers/train/90/image_04465.jpg b/flowers/train/90/image_04465.jpg new file mode 100644 index 00000000..a6ded85f Binary files /dev/null and b/flowers/train/90/image_04465.jpg differ diff --git a/flowers/train/90/image_04466.jpg b/flowers/train/90/image_04466.jpg new file mode 100644 index 00000000..ba707637 Binary files /dev/null and b/flowers/train/90/image_04466.jpg differ diff --git a/flowers/train/90/image_04467.jpg b/flowers/train/90/image_04467.jpg new file mode 100644 index 00000000..da98d948 Binary files /dev/null and b/flowers/train/90/image_04467.jpg differ diff --git a/flowers/train/90/image_04470.jpg b/flowers/train/90/image_04470.jpg new file mode 100644 index 00000000..b8ebc082 Binary files /dev/null and b/flowers/train/90/image_04470.jpg differ diff --git a/flowers/train/90/image_04471.jpg b/flowers/train/90/image_04471.jpg new file mode 100644 index 00000000..06de4090 Binary files /dev/null and b/flowers/train/90/image_04471.jpg differ diff --git a/flowers/train/90/image_04472.jpg b/flowers/train/90/image_04472.jpg new file mode 100644 index 00000000..4fa0ef81 Binary files /dev/null and b/flowers/train/90/image_04472.jpg differ diff --git a/flowers/train/90/image_04474.jpg b/flowers/train/90/image_04474.jpg new file mode 100644 index 00000000..92bd41da Binary files /dev/null and b/flowers/train/90/image_04474.jpg differ diff --git a/flowers/train/90/image_04475.jpg b/flowers/train/90/image_04475.jpg new file mode 100644 index 00000000..122927af Binary files /dev/null and b/flowers/train/90/image_04475.jpg differ diff --git a/flowers/train/90/image_04476.jpg b/flowers/train/90/image_04476.jpg new file mode 100644 index 00000000..66ac1dd6 Binary files /dev/null and b/flowers/train/90/image_04476.jpg differ diff --git a/flowers/train/90/image_04477.jpg b/flowers/train/90/image_04477.jpg new file mode 100644 index 00000000..2d3e041b Binary files /dev/null and b/flowers/train/90/image_04477.jpg differ diff --git a/flowers/train/90/image_04478.jpg b/flowers/train/90/image_04478.jpg new file mode 100644 index 00000000..a298a17e Binary files /dev/null and b/flowers/train/90/image_04478.jpg differ diff --git a/flowers/train/90/image_04479.jpg b/flowers/train/90/image_04479.jpg new file mode 100644 index 00000000..2e59448b Binary files /dev/null and b/flowers/train/90/image_04479.jpg differ diff --git a/flowers/train/90/image_04480.jpg b/flowers/train/90/image_04480.jpg new file mode 100644 index 00000000..ae1f45e8 Binary files /dev/null and b/flowers/train/90/image_04480.jpg differ diff --git a/flowers/train/90/image_07299.jpg b/flowers/train/90/image_07299.jpg new file mode 100644 index 00000000..3e8d197e Binary files /dev/null and b/flowers/train/90/image_07299.jpg differ diff --git a/flowers/train/90/image_07300.jpg b/flowers/train/90/image_07300.jpg new file mode 100644 index 00000000..554da56b Binary files /dev/null and b/flowers/train/90/image_07300.jpg differ diff --git a/flowers/train/91/image_04830.jpg b/flowers/train/91/image_04830.jpg new file mode 100644 index 00000000..49e3288a Binary files /dev/null and b/flowers/train/91/image_04830.jpg differ diff --git a/flowers/train/91/image_04831.jpg b/flowers/train/91/image_04831.jpg new file mode 100644 index 00000000..4a6fa829 Binary files /dev/null and b/flowers/train/91/image_04831.jpg differ diff --git a/flowers/train/91/image_04832.jpg b/flowers/train/91/image_04832.jpg new file mode 100644 index 00000000..0caa519c Binary files /dev/null and b/flowers/train/91/image_04832.jpg differ diff --git a/flowers/train/91/image_04833.jpg b/flowers/train/91/image_04833.jpg new file mode 100644 index 00000000..e1f7d908 Binary files /dev/null and b/flowers/train/91/image_04833.jpg differ diff --git a/flowers/train/91/image_04834.jpg b/flowers/train/91/image_04834.jpg new file mode 100644 index 00000000..52543203 Binary files /dev/null and b/flowers/train/91/image_04834.jpg differ diff --git a/flowers/train/91/image_04836.jpg b/flowers/train/91/image_04836.jpg new file mode 100644 index 00000000..cc09a5b9 Binary files /dev/null and b/flowers/train/91/image_04836.jpg differ diff --git a/flowers/train/91/image_04837.jpg b/flowers/train/91/image_04837.jpg new file mode 100644 index 00000000..3976eac0 Binary files /dev/null and b/flowers/train/91/image_04837.jpg differ diff --git a/flowers/train/91/image_04838.jpg b/flowers/train/91/image_04838.jpg new file mode 100644 index 00000000..030d94ec Binary files /dev/null and b/flowers/train/91/image_04838.jpg differ diff --git a/flowers/train/91/image_04839.jpg b/flowers/train/91/image_04839.jpg new file mode 100644 index 00000000..43f8f9f8 Binary files /dev/null and b/flowers/train/91/image_04839.jpg differ diff --git a/flowers/train/91/image_04840.jpg b/flowers/train/91/image_04840.jpg new file mode 100644 index 00000000..3bf1f382 Binary files /dev/null and b/flowers/train/91/image_04840.jpg differ diff --git a/flowers/train/91/image_04841.jpg b/flowers/train/91/image_04841.jpg new file mode 100644 index 00000000..b0963aa8 Binary files /dev/null and b/flowers/train/91/image_04841.jpg differ diff --git a/flowers/train/91/image_04842.jpg b/flowers/train/91/image_04842.jpg new file mode 100644 index 00000000..c2933448 Binary files /dev/null and b/flowers/train/91/image_04842.jpg differ diff --git a/flowers/train/91/image_04845.jpg b/flowers/train/91/image_04845.jpg new file mode 100644 index 00000000..81c36183 Binary files /dev/null and b/flowers/train/91/image_04845.jpg differ diff --git a/flowers/train/91/image_04846.jpg b/flowers/train/91/image_04846.jpg new file mode 100644 index 00000000..8caa41c0 Binary files /dev/null and b/flowers/train/91/image_04846.jpg differ diff --git a/flowers/train/91/image_04847.jpg b/flowers/train/91/image_04847.jpg new file mode 100644 index 00000000..2b6a6fc6 Binary files /dev/null and b/flowers/train/91/image_04847.jpg differ diff --git a/flowers/train/91/image_04849.jpg b/flowers/train/91/image_04849.jpg new file mode 100644 index 00000000..57eb2bd0 Binary files /dev/null and b/flowers/train/91/image_04849.jpg differ diff --git a/flowers/train/91/image_04850.jpg b/flowers/train/91/image_04850.jpg new file mode 100644 index 00000000..9569be4d Binary files /dev/null and b/flowers/train/91/image_04850.jpg differ diff --git a/flowers/train/91/image_04852.jpg b/flowers/train/91/image_04852.jpg new file mode 100644 index 00000000..769201e5 Binary files /dev/null and b/flowers/train/91/image_04852.jpg differ diff --git a/flowers/train/91/image_04853.jpg b/flowers/train/91/image_04853.jpg new file mode 100644 index 00000000..82477770 Binary files /dev/null and b/flowers/train/91/image_04853.jpg differ diff --git a/flowers/train/91/image_04855.jpg b/flowers/train/91/image_04855.jpg new file mode 100644 index 00000000..cb5673b2 Binary files /dev/null and b/flowers/train/91/image_04855.jpg differ diff --git a/flowers/train/91/image_04857.jpg b/flowers/train/91/image_04857.jpg new file mode 100644 index 00000000..17fb50ec Binary files /dev/null and b/flowers/train/91/image_04857.jpg differ diff --git a/flowers/train/91/image_04858.jpg b/flowers/train/91/image_04858.jpg new file mode 100644 index 00000000..fbcfbd95 Binary files /dev/null and b/flowers/train/91/image_04858.jpg differ diff --git a/flowers/train/91/image_04859.jpg b/flowers/train/91/image_04859.jpg new file mode 100644 index 00000000..8100cb55 Binary files /dev/null and b/flowers/train/91/image_04859.jpg differ diff --git a/flowers/train/91/image_04861.jpg b/flowers/train/91/image_04861.jpg new file mode 100644 index 00000000..ed71ab6a Binary files /dev/null and b/flowers/train/91/image_04861.jpg differ diff --git a/flowers/train/91/image_04862.jpg b/flowers/train/91/image_04862.jpg new file mode 100644 index 00000000..b5cfbac5 Binary files /dev/null and b/flowers/train/91/image_04862.jpg differ diff --git a/flowers/train/91/image_04863.jpg b/flowers/train/91/image_04863.jpg new file mode 100644 index 00000000..1fd0ec2b Binary files /dev/null and b/flowers/train/91/image_04863.jpg differ diff --git a/flowers/train/91/image_04864.jpg b/flowers/train/91/image_04864.jpg new file mode 100644 index 00000000..3260f77d Binary files /dev/null and b/flowers/train/91/image_04864.jpg differ diff --git a/flowers/train/91/image_04865.jpg b/flowers/train/91/image_04865.jpg new file mode 100644 index 00000000..262bbc7c Binary files /dev/null and b/flowers/train/91/image_04865.jpg differ diff --git a/flowers/train/91/image_04866.jpg b/flowers/train/91/image_04866.jpg new file mode 100644 index 00000000..e7b5f7f2 Binary files /dev/null and b/flowers/train/91/image_04866.jpg differ diff --git a/flowers/train/91/image_04867.jpg b/flowers/train/91/image_04867.jpg new file mode 100644 index 00000000..adee48f4 Binary files /dev/null and b/flowers/train/91/image_04867.jpg differ diff --git a/flowers/train/91/image_04868.jpg b/flowers/train/91/image_04868.jpg new file mode 100644 index 00000000..b710b612 Binary files /dev/null and b/flowers/train/91/image_04868.jpg differ diff --git a/flowers/train/91/image_04869.jpg b/flowers/train/91/image_04869.jpg new file mode 100644 index 00000000..de6f768f Binary files /dev/null and b/flowers/train/91/image_04869.jpg differ diff --git a/flowers/train/91/image_04871.jpg b/flowers/train/91/image_04871.jpg new file mode 100644 index 00000000..0c4189d2 Binary files /dev/null and b/flowers/train/91/image_04871.jpg differ diff --git a/flowers/train/91/image_04873.jpg b/flowers/train/91/image_04873.jpg new file mode 100644 index 00000000..1a030075 Binary files /dev/null and b/flowers/train/91/image_04873.jpg differ diff --git a/flowers/train/91/image_04874.jpg b/flowers/train/91/image_04874.jpg new file mode 100644 index 00000000..58fe5543 Binary files /dev/null and b/flowers/train/91/image_04874.jpg differ diff --git a/flowers/train/91/image_04876.jpg b/flowers/train/91/image_04876.jpg new file mode 100644 index 00000000..24f5496c Binary files /dev/null and b/flowers/train/91/image_04876.jpg differ diff --git a/flowers/train/91/image_04877.jpg b/flowers/train/91/image_04877.jpg new file mode 100644 index 00000000..e1868e7b Binary files /dev/null and b/flowers/train/91/image_04877.jpg differ diff --git a/flowers/train/91/image_04879.jpg b/flowers/train/91/image_04879.jpg new file mode 100644 index 00000000..59b1f53b Binary files /dev/null and b/flowers/train/91/image_04879.jpg differ diff --git a/flowers/train/91/image_04880.jpg b/flowers/train/91/image_04880.jpg new file mode 100644 index 00000000..9b6f7bd0 Binary files /dev/null and b/flowers/train/91/image_04880.jpg differ diff --git a/flowers/train/91/image_04881.jpg b/flowers/train/91/image_04881.jpg new file mode 100644 index 00000000..58d8176c Binary files /dev/null and b/flowers/train/91/image_04881.jpg differ diff --git a/flowers/train/91/image_04882.jpg b/flowers/train/91/image_04882.jpg new file mode 100644 index 00000000..766be03e Binary files /dev/null and b/flowers/train/91/image_04882.jpg differ diff --git a/flowers/train/91/image_04884.jpg b/flowers/train/91/image_04884.jpg new file mode 100644 index 00000000..ec70ae16 Binary files /dev/null and b/flowers/train/91/image_04884.jpg differ diff --git a/flowers/train/91/image_04885.jpg b/flowers/train/91/image_04885.jpg new file mode 100644 index 00000000..904833d8 Binary files /dev/null and b/flowers/train/91/image_04885.jpg differ diff --git a/flowers/train/91/image_04886.jpg b/flowers/train/91/image_04886.jpg new file mode 100644 index 00000000..2592253b Binary files /dev/null and b/flowers/train/91/image_04886.jpg differ diff --git a/flowers/train/91/image_04887.jpg b/flowers/train/91/image_04887.jpg new file mode 100644 index 00000000..c42ca8c2 Binary files /dev/null and b/flowers/train/91/image_04887.jpg differ diff --git a/flowers/train/91/image_04888.jpg b/flowers/train/91/image_04888.jpg new file mode 100644 index 00000000..ced23686 Binary files /dev/null and b/flowers/train/91/image_04888.jpg differ diff --git a/flowers/train/91/image_04889.jpg b/flowers/train/91/image_04889.jpg new file mode 100644 index 00000000..3079a0df Binary files /dev/null and b/flowers/train/91/image_04889.jpg differ diff --git a/flowers/train/91/image_04891.jpg b/flowers/train/91/image_04891.jpg new file mode 100644 index 00000000..e865bac6 Binary files /dev/null and b/flowers/train/91/image_04891.jpg differ diff --git a/flowers/train/91/image_04892.jpg b/flowers/train/91/image_04892.jpg new file mode 100644 index 00000000..f52511d2 Binary files /dev/null and b/flowers/train/91/image_04892.jpg differ diff --git a/flowers/train/91/image_04893.jpg b/flowers/train/91/image_04893.jpg new file mode 100644 index 00000000..fadf17bd Binary files /dev/null and b/flowers/train/91/image_04893.jpg differ diff --git a/flowers/train/91/image_04894.jpg b/flowers/train/91/image_04894.jpg new file mode 100644 index 00000000..5a4fea64 Binary files /dev/null and b/flowers/train/91/image_04894.jpg differ diff --git a/flowers/train/91/image_04895.jpg b/flowers/train/91/image_04895.jpg new file mode 100644 index 00000000..a46974dc Binary files /dev/null and b/flowers/train/91/image_04895.jpg differ diff --git a/flowers/train/91/image_04896.jpg b/flowers/train/91/image_04896.jpg new file mode 100644 index 00000000..61993fcd Binary files /dev/null and b/flowers/train/91/image_04896.jpg differ diff --git a/flowers/train/91/image_08054.jpg b/flowers/train/91/image_08054.jpg new file mode 100644 index 00000000..092ce307 Binary files /dev/null and b/flowers/train/91/image_08054.jpg differ diff --git a/flowers/train/91/image_08055.jpg b/flowers/train/91/image_08055.jpg new file mode 100644 index 00000000..b1463221 Binary files /dev/null and b/flowers/train/91/image_08055.jpg differ diff --git a/flowers/train/91/image_08056.jpg b/flowers/train/91/image_08056.jpg new file mode 100644 index 00000000..a504529a Binary files /dev/null and b/flowers/train/91/image_08056.jpg differ diff --git a/flowers/train/91/image_08057.jpg b/flowers/train/91/image_08057.jpg new file mode 100644 index 00000000..723adb0c Binary files /dev/null and b/flowers/train/91/image_08057.jpg differ diff --git a/flowers/train/91/image_08058.jpg b/flowers/train/91/image_08058.jpg new file mode 100644 index 00000000..798402ed Binary files /dev/null and b/flowers/train/91/image_08058.jpg differ diff --git a/flowers/train/91/image_08060.jpg b/flowers/train/91/image_08060.jpg new file mode 100644 index 00000000..39c202be Binary files /dev/null and b/flowers/train/91/image_08060.jpg differ diff --git a/flowers/train/92/image_03029.jpg b/flowers/train/92/image_03029.jpg new file mode 100644 index 00000000..f321d555 Binary files /dev/null and b/flowers/train/92/image_03029.jpg differ diff --git a/flowers/train/92/image_03030.jpg b/flowers/train/92/image_03030.jpg new file mode 100644 index 00000000..eec05a05 Binary files /dev/null and b/flowers/train/92/image_03030.jpg differ diff --git a/flowers/train/92/image_03031.jpg b/flowers/train/92/image_03031.jpg new file mode 100644 index 00000000..83f801bf Binary files /dev/null and b/flowers/train/92/image_03031.jpg differ diff --git a/flowers/train/92/image_03033.jpg b/flowers/train/92/image_03033.jpg new file mode 100644 index 00000000..5bf39a3e Binary files /dev/null and b/flowers/train/92/image_03033.jpg differ diff --git a/flowers/train/92/image_03034.jpg b/flowers/train/92/image_03034.jpg new file mode 100644 index 00000000..c47ace58 Binary files /dev/null and b/flowers/train/92/image_03034.jpg differ diff --git a/flowers/train/92/image_03035.jpg b/flowers/train/92/image_03035.jpg new file mode 100644 index 00000000..e2414295 Binary files /dev/null and b/flowers/train/92/image_03035.jpg differ diff --git a/flowers/train/92/image_03036.jpg b/flowers/train/92/image_03036.jpg new file mode 100644 index 00000000..18bc499c Binary files /dev/null and b/flowers/train/92/image_03036.jpg differ diff --git a/flowers/train/92/image_03037.jpg b/flowers/train/92/image_03037.jpg new file mode 100644 index 00000000..7024513f Binary files /dev/null and b/flowers/train/92/image_03037.jpg differ diff --git a/flowers/train/92/image_03038.jpg b/flowers/train/92/image_03038.jpg new file mode 100644 index 00000000..444b6770 Binary files /dev/null and b/flowers/train/92/image_03038.jpg differ diff --git a/flowers/train/92/image_03040.jpg b/flowers/train/92/image_03040.jpg new file mode 100644 index 00000000..f5c262ba Binary files /dev/null and b/flowers/train/92/image_03040.jpg differ diff --git a/flowers/train/92/image_03042.jpg b/flowers/train/92/image_03042.jpg new file mode 100644 index 00000000..c9e335ff Binary files /dev/null and b/flowers/train/92/image_03042.jpg differ diff --git a/flowers/train/92/image_03043.jpg b/flowers/train/92/image_03043.jpg new file mode 100644 index 00000000..de37e33e Binary files /dev/null and b/flowers/train/92/image_03043.jpg differ diff --git a/flowers/train/92/image_03045.jpg b/flowers/train/92/image_03045.jpg new file mode 100644 index 00000000..5c3446c8 Binary files /dev/null and b/flowers/train/92/image_03045.jpg differ diff --git a/flowers/train/92/image_03046.jpg b/flowers/train/92/image_03046.jpg new file mode 100644 index 00000000..810e8510 Binary files /dev/null and b/flowers/train/92/image_03046.jpg differ diff --git a/flowers/train/92/image_03047.jpg b/flowers/train/92/image_03047.jpg new file mode 100644 index 00000000..f6ac846b Binary files /dev/null and b/flowers/train/92/image_03047.jpg differ diff --git a/flowers/train/92/image_03050.jpg b/flowers/train/92/image_03050.jpg new file mode 100644 index 00000000..b687afdd Binary files /dev/null and b/flowers/train/92/image_03050.jpg differ diff --git a/flowers/train/92/image_03051.jpg b/flowers/train/92/image_03051.jpg new file mode 100644 index 00000000..eb4094e0 Binary files /dev/null and b/flowers/train/92/image_03051.jpg differ diff --git a/flowers/train/92/image_03053.jpg b/flowers/train/92/image_03053.jpg new file mode 100644 index 00000000..93ec5304 Binary files /dev/null and b/flowers/train/92/image_03053.jpg differ diff --git a/flowers/train/92/image_03055.jpg b/flowers/train/92/image_03055.jpg new file mode 100644 index 00000000..6673a5c1 Binary files /dev/null and b/flowers/train/92/image_03055.jpg differ diff --git a/flowers/train/92/image_03057.jpg b/flowers/train/92/image_03057.jpg new file mode 100644 index 00000000..33a9231a Binary files /dev/null and b/flowers/train/92/image_03057.jpg differ diff --git a/flowers/train/92/image_03059.jpg b/flowers/train/92/image_03059.jpg new file mode 100644 index 00000000..80940398 Binary files /dev/null and b/flowers/train/92/image_03059.jpg differ diff --git a/flowers/train/92/image_03060.jpg b/flowers/train/92/image_03060.jpg new file mode 100644 index 00000000..8b3bf99a Binary files /dev/null and b/flowers/train/92/image_03060.jpg differ diff --git a/flowers/train/92/image_03061.jpg b/flowers/train/92/image_03061.jpg new file mode 100644 index 00000000..5cd2f252 Binary files /dev/null and b/flowers/train/92/image_03061.jpg differ diff --git a/flowers/train/92/image_03062.jpg b/flowers/train/92/image_03062.jpg new file mode 100644 index 00000000..15309443 Binary files /dev/null and b/flowers/train/92/image_03062.jpg differ diff --git a/flowers/train/92/image_03064.jpg b/flowers/train/92/image_03064.jpg new file mode 100644 index 00000000..cc8b1bdb Binary files /dev/null and b/flowers/train/92/image_03064.jpg differ diff --git a/flowers/train/92/image_03066.jpg b/flowers/train/92/image_03066.jpg new file mode 100644 index 00000000..4c7130fb Binary files /dev/null and b/flowers/train/92/image_03066.jpg differ diff --git a/flowers/train/92/image_03067.jpg b/flowers/train/92/image_03067.jpg new file mode 100644 index 00000000..e6c9b9a3 Binary files /dev/null and b/flowers/train/92/image_03067.jpg differ diff --git a/flowers/train/92/image_03068.jpg b/flowers/train/92/image_03068.jpg new file mode 100644 index 00000000..81063ec3 Binary files /dev/null and b/flowers/train/92/image_03068.jpg differ diff --git a/flowers/train/92/image_03069.jpg b/flowers/train/92/image_03069.jpg new file mode 100644 index 00000000..e8a94dea Binary files /dev/null and b/flowers/train/92/image_03069.jpg differ diff --git a/flowers/train/92/image_03070.jpg b/flowers/train/92/image_03070.jpg new file mode 100644 index 00000000..c0e515a8 Binary files /dev/null and b/flowers/train/92/image_03070.jpg differ diff --git a/flowers/train/92/image_03071.jpg b/flowers/train/92/image_03071.jpg new file mode 100644 index 00000000..9cd24737 Binary files /dev/null and b/flowers/train/92/image_03071.jpg differ diff --git a/flowers/train/92/image_03072.jpg b/flowers/train/92/image_03072.jpg new file mode 100644 index 00000000..fa8e8320 Binary files /dev/null and b/flowers/train/92/image_03072.jpg differ diff --git a/flowers/train/92/image_03073.jpg b/flowers/train/92/image_03073.jpg new file mode 100644 index 00000000..00d71e3d Binary files /dev/null and b/flowers/train/92/image_03073.jpg differ diff --git a/flowers/train/92/image_03074.jpg b/flowers/train/92/image_03074.jpg new file mode 100644 index 00000000..618d1366 Binary files /dev/null and b/flowers/train/92/image_03074.jpg differ diff --git a/flowers/train/92/image_03076.jpg b/flowers/train/92/image_03076.jpg new file mode 100644 index 00000000..33af6d93 Binary files /dev/null and b/flowers/train/92/image_03076.jpg differ diff --git a/flowers/train/92/image_03077.jpg b/flowers/train/92/image_03077.jpg new file mode 100644 index 00000000..76d51ea0 Binary files /dev/null and b/flowers/train/92/image_03077.jpg differ diff --git a/flowers/train/92/image_03078.jpg b/flowers/train/92/image_03078.jpg new file mode 100644 index 00000000..bb07e8a0 Binary files /dev/null and b/flowers/train/92/image_03078.jpg differ diff --git a/flowers/train/92/image_03079.jpg b/flowers/train/92/image_03079.jpg new file mode 100644 index 00000000..e1d10396 Binary files /dev/null and b/flowers/train/92/image_03079.jpg differ diff --git a/flowers/train/92/image_03080.jpg b/flowers/train/92/image_03080.jpg new file mode 100644 index 00000000..4d62a5b8 Binary files /dev/null and b/flowers/train/92/image_03080.jpg differ diff --git a/flowers/train/92/image_03081.jpg b/flowers/train/92/image_03081.jpg new file mode 100644 index 00000000..32336829 Binary files /dev/null and b/flowers/train/92/image_03081.jpg differ diff --git a/flowers/train/92/image_03082.jpg b/flowers/train/92/image_03082.jpg new file mode 100644 index 00000000..ffe7764f Binary files /dev/null and b/flowers/train/92/image_03082.jpg differ diff --git a/flowers/train/92/image_03083.jpg b/flowers/train/92/image_03083.jpg new file mode 100644 index 00000000..8c8c4ba8 Binary files /dev/null and b/flowers/train/92/image_03083.jpg differ diff --git a/flowers/train/92/image_03084.jpg b/flowers/train/92/image_03084.jpg new file mode 100644 index 00000000..68118284 Binary files /dev/null and b/flowers/train/92/image_03084.jpg differ diff --git a/flowers/train/92/image_03085.jpg b/flowers/train/92/image_03085.jpg new file mode 100644 index 00000000..a5c71f13 Binary files /dev/null and b/flowers/train/92/image_03085.jpg differ diff --git a/flowers/train/92/image_03086.jpg b/flowers/train/92/image_03086.jpg new file mode 100644 index 00000000..22c3c234 Binary files /dev/null and b/flowers/train/92/image_03086.jpg differ diff --git a/flowers/train/92/image_03087.jpg b/flowers/train/92/image_03087.jpg new file mode 100644 index 00000000..cb6bd473 Binary files /dev/null and b/flowers/train/92/image_03087.jpg differ diff --git a/flowers/train/92/image_03088.jpg b/flowers/train/92/image_03088.jpg new file mode 100644 index 00000000..aba6530c Binary files /dev/null and b/flowers/train/92/image_03088.jpg differ diff --git a/flowers/train/92/image_03089.jpg b/flowers/train/92/image_03089.jpg new file mode 100644 index 00000000..027db164 Binary files /dev/null and b/flowers/train/92/image_03089.jpg differ diff --git a/flowers/train/92/image_03090.jpg b/flowers/train/92/image_03090.jpg new file mode 100644 index 00000000..0b9beeb1 Binary files /dev/null and b/flowers/train/92/image_03090.jpg differ diff --git a/flowers/train/92/image_03091.jpg b/flowers/train/92/image_03091.jpg new file mode 100644 index 00000000..f0c7ca95 Binary files /dev/null and b/flowers/train/92/image_03091.jpg differ diff --git a/flowers/train/92/image_03092.jpg b/flowers/train/92/image_03092.jpg new file mode 100644 index 00000000..9cc7db63 Binary files /dev/null and b/flowers/train/92/image_03092.jpg differ diff --git a/flowers/train/92/image_03093.jpg b/flowers/train/92/image_03093.jpg new file mode 100644 index 00000000..4cd319ef Binary files /dev/null and b/flowers/train/92/image_03093.jpg differ diff --git a/flowers/train/92/image_03094.jpg b/flowers/train/92/image_03094.jpg new file mode 100644 index 00000000..9c45e49b Binary files /dev/null and b/flowers/train/92/image_03094.jpg differ diff --git a/flowers/train/93/image_06011.jpg b/flowers/train/93/image_06011.jpg new file mode 100644 index 00000000..70ad8916 Binary files /dev/null and b/flowers/train/93/image_06011.jpg differ diff --git a/flowers/train/93/image_06012.jpg b/flowers/train/93/image_06012.jpg new file mode 100644 index 00000000..373d45ea Binary files /dev/null and b/flowers/train/93/image_06012.jpg differ diff --git a/flowers/train/93/image_06013.jpg b/flowers/train/93/image_06013.jpg new file mode 100644 index 00000000..5f9acbd1 Binary files /dev/null and b/flowers/train/93/image_06013.jpg differ diff --git a/flowers/train/93/image_06015.jpg b/flowers/train/93/image_06015.jpg new file mode 100644 index 00000000..261d51b9 Binary files /dev/null and b/flowers/train/93/image_06015.jpg differ diff --git a/flowers/train/93/image_06016.jpg b/flowers/train/93/image_06016.jpg new file mode 100644 index 00000000..9d596a04 Binary files /dev/null and b/flowers/train/93/image_06016.jpg differ diff --git a/flowers/train/93/image_06018.jpg b/flowers/train/93/image_06018.jpg new file mode 100644 index 00000000..d70517c1 Binary files /dev/null and b/flowers/train/93/image_06018.jpg differ diff --git a/flowers/train/93/image_06019.jpg b/flowers/train/93/image_06019.jpg new file mode 100644 index 00000000..d9cc6a68 Binary files /dev/null and b/flowers/train/93/image_06019.jpg differ diff --git a/flowers/train/93/image_06020.jpg b/flowers/train/93/image_06020.jpg new file mode 100644 index 00000000..6ac69ad6 Binary files /dev/null and b/flowers/train/93/image_06020.jpg differ diff --git a/flowers/train/93/image_06022.jpg b/flowers/train/93/image_06022.jpg new file mode 100644 index 00000000..5084c83d Binary files /dev/null and b/flowers/train/93/image_06022.jpg differ diff --git a/flowers/train/93/image_06023.jpg b/flowers/train/93/image_06023.jpg new file mode 100644 index 00000000..d5c2d6bb Binary files /dev/null and b/flowers/train/93/image_06023.jpg differ diff --git a/flowers/train/93/image_06025.jpg b/flowers/train/93/image_06025.jpg new file mode 100644 index 00000000..d45a6717 Binary files /dev/null and b/flowers/train/93/image_06025.jpg differ diff --git a/flowers/train/93/image_06026.jpg b/flowers/train/93/image_06026.jpg new file mode 100644 index 00000000..cd6e762c Binary files /dev/null and b/flowers/train/93/image_06026.jpg differ diff --git a/flowers/train/93/image_06027.jpg b/flowers/train/93/image_06027.jpg new file mode 100644 index 00000000..2b965847 Binary files /dev/null and b/flowers/train/93/image_06027.jpg differ diff --git a/flowers/train/93/image_06028.jpg b/flowers/train/93/image_06028.jpg new file mode 100644 index 00000000..fe4c82a2 Binary files /dev/null and b/flowers/train/93/image_06028.jpg differ diff --git a/flowers/train/93/image_06029.jpg b/flowers/train/93/image_06029.jpg new file mode 100644 index 00000000..76cebe3a Binary files /dev/null and b/flowers/train/93/image_06029.jpg differ diff --git a/flowers/train/93/image_06030.jpg b/flowers/train/93/image_06030.jpg new file mode 100644 index 00000000..1000a6cb Binary files /dev/null and b/flowers/train/93/image_06030.jpg differ diff --git a/flowers/train/93/image_06032.jpg b/flowers/train/93/image_06032.jpg new file mode 100644 index 00000000..75ae144e Binary files /dev/null and b/flowers/train/93/image_06032.jpg differ diff --git a/flowers/train/93/image_06034.jpg b/flowers/train/93/image_06034.jpg new file mode 100644 index 00000000..2c411f85 Binary files /dev/null and b/flowers/train/93/image_06034.jpg differ diff --git a/flowers/train/93/image_06035.jpg b/flowers/train/93/image_06035.jpg new file mode 100644 index 00000000..83e233d3 Binary files /dev/null and b/flowers/train/93/image_06035.jpg differ diff --git a/flowers/train/93/image_06036.jpg b/flowers/train/93/image_06036.jpg new file mode 100644 index 00000000..8dee69f8 Binary files /dev/null and b/flowers/train/93/image_06036.jpg differ diff --git a/flowers/train/93/image_06038.jpg b/flowers/train/93/image_06038.jpg new file mode 100644 index 00000000..ea5514cb Binary files /dev/null and b/flowers/train/93/image_06038.jpg differ diff --git a/flowers/train/93/image_06039.jpg b/flowers/train/93/image_06039.jpg new file mode 100644 index 00000000..45dd3218 Binary files /dev/null and b/flowers/train/93/image_06039.jpg differ diff --git a/flowers/train/93/image_06040.jpg b/flowers/train/93/image_06040.jpg new file mode 100644 index 00000000..e4a19d57 Binary files /dev/null and b/flowers/train/93/image_06040.jpg differ diff --git a/flowers/train/93/image_06041.jpg b/flowers/train/93/image_06041.jpg new file mode 100644 index 00000000..a067459e Binary files /dev/null and b/flowers/train/93/image_06041.jpg differ diff --git a/flowers/train/93/image_06042.jpg b/flowers/train/93/image_06042.jpg new file mode 100644 index 00000000..5a3d0afe Binary files /dev/null and b/flowers/train/93/image_06042.jpg differ diff --git a/flowers/train/93/image_06043.jpg b/flowers/train/93/image_06043.jpg new file mode 100644 index 00000000..7a664365 Binary files /dev/null and b/flowers/train/93/image_06043.jpg differ diff --git a/flowers/train/93/image_06045.jpg b/flowers/train/93/image_06045.jpg new file mode 100644 index 00000000..1513f3ca Binary files /dev/null and b/flowers/train/93/image_06045.jpg differ diff --git a/flowers/train/93/image_06046.jpg b/flowers/train/93/image_06046.jpg new file mode 100644 index 00000000..07dc576c Binary files /dev/null and b/flowers/train/93/image_06046.jpg differ diff --git a/flowers/train/93/image_06047.jpg b/flowers/train/93/image_06047.jpg new file mode 100644 index 00000000..9b921b5b Binary files /dev/null and b/flowers/train/93/image_06047.jpg differ diff --git a/flowers/train/93/image_08112.jpg b/flowers/train/93/image_08112.jpg new file mode 100644 index 00000000..a38de57f Binary files /dev/null and b/flowers/train/93/image_08112.jpg differ diff --git a/flowers/train/93/image_08114.jpg b/flowers/train/93/image_08114.jpg new file mode 100644 index 00000000..ea8101ed Binary files /dev/null and b/flowers/train/93/image_08114.jpg differ diff --git a/flowers/train/93/image_08115.jpg b/flowers/train/93/image_08115.jpg new file mode 100644 index 00000000..cebb952d Binary files /dev/null and b/flowers/train/93/image_08115.jpg differ diff --git a/flowers/train/93/image_08116.jpg b/flowers/train/93/image_08116.jpg new file mode 100644 index 00000000..60636ad3 Binary files /dev/null and b/flowers/train/93/image_08116.jpg differ diff --git a/flowers/train/93/image_08117.jpg b/flowers/train/93/image_08117.jpg new file mode 100644 index 00000000..a6ad4f8a Binary files /dev/null and b/flowers/train/93/image_08117.jpg differ diff --git a/flowers/train/94/image_07304.jpg b/flowers/train/94/image_07304.jpg new file mode 100644 index 00000000..0bd66755 Binary files /dev/null and b/flowers/train/94/image_07304.jpg differ diff --git a/flowers/train/94/image_07305.jpg b/flowers/train/94/image_07305.jpg new file mode 100644 index 00000000..5e1b0013 Binary files /dev/null and b/flowers/train/94/image_07305.jpg differ diff --git a/flowers/train/94/image_07306.jpg b/flowers/train/94/image_07306.jpg new file mode 100644 index 00000000..58c16633 Binary files /dev/null and b/flowers/train/94/image_07306.jpg differ diff --git a/flowers/train/94/image_07307.jpg b/flowers/train/94/image_07307.jpg new file mode 100644 index 00000000..e73e2952 Binary files /dev/null and b/flowers/train/94/image_07307.jpg differ diff --git a/flowers/train/94/image_07309.jpg b/flowers/train/94/image_07309.jpg new file mode 100644 index 00000000..e73e2952 Binary files /dev/null and b/flowers/train/94/image_07309.jpg differ diff --git a/flowers/train/94/image_07310.jpg b/flowers/train/94/image_07310.jpg new file mode 100644 index 00000000..bdbdc0a5 Binary files /dev/null and b/flowers/train/94/image_07310.jpg differ diff --git a/flowers/train/94/image_07311.jpg b/flowers/train/94/image_07311.jpg new file mode 100644 index 00000000..73ec9eaf Binary files /dev/null and b/flowers/train/94/image_07311.jpg differ diff --git a/flowers/train/94/image_07312.jpg b/flowers/train/94/image_07312.jpg new file mode 100644 index 00000000..32fd72a3 Binary files /dev/null and b/flowers/train/94/image_07312.jpg differ diff --git a/flowers/train/94/image_07313.jpg b/flowers/train/94/image_07313.jpg new file mode 100644 index 00000000..6d55dbfc Binary files /dev/null and b/flowers/train/94/image_07313.jpg differ diff --git a/flowers/train/94/image_07314.jpg b/flowers/train/94/image_07314.jpg new file mode 100644 index 00000000..b2119583 Binary files /dev/null and b/flowers/train/94/image_07314.jpg differ diff --git a/flowers/train/94/image_07315.jpg b/flowers/train/94/image_07315.jpg new file mode 100644 index 00000000..4fdf8264 Binary files /dev/null and b/flowers/train/94/image_07315.jpg differ diff --git a/flowers/train/94/image_07316.jpg b/flowers/train/94/image_07316.jpg new file mode 100644 index 00000000..1717bab4 Binary files /dev/null and b/flowers/train/94/image_07316.jpg differ diff --git a/flowers/train/94/image_07318.jpg b/flowers/train/94/image_07318.jpg new file mode 100644 index 00000000..a3cf2f9f Binary files /dev/null and b/flowers/train/94/image_07318.jpg differ diff --git a/flowers/train/94/image_07319.jpg b/flowers/train/94/image_07319.jpg new file mode 100644 index 00000000..7ecbbd41 Binary files /dev/null and b/flowers/train/94/image_07319.jpg differ diff --git a/flowers/train/94/image_07320.jpg b/flowers/train/94/image_07320.jpg new file mode 100644 index 00000000..b5a81aff Binary files /dev/null and b/flowers/train/94/image_07320.jpg differ diff --git a/flowers/train/94/image_07321.jpg b/flowers/train/94/image_07321.jpg new file mode 100644 index 00000000..f7e6416e Binary files /dev/null and b/flowers/train/94/image_07321.jpg differ diff --git a/flowers/train/94/image_07322.jpg b/flowers/train/94/image_07322.jpg new file mode 100644 index 00000000..6411ae07 Binary files /dev/null and b/flowers/train/94/image_07322.jpg differ diff --git a/flowers/train/94/image_07323.jpg b/flowers/train/94/image_07323.jpg new file mode 100644 index 00000000..0cdc9213 Binary files /dev/null and b/flowers/train/94/image_07323.jpg differ diff --git a/flowers/train/94/image_07324.jpg b/flowers/train/94/image_07324.jpg new file mode 100644 index 00000000..f639f29c Binary files /dev/null and b/flowers/train/94/image_07324.jpg differ diff --git a/flowers/train/94/image_07326.jpg b/flowers/train/94/image_07326.jpg new file mode 100644 index 00000000..682ec294 Binary files /dev/null and b/flowers/train/94/image_07326.jpg differ diff --git a/flowers/train/94/image_07328.jpg b/flowers/train/94/image_07328.jpg new file mode 100644 index 00000000..0cdc9213 Binary files /dev/null and b/flowers/train/94/image_07328.jpg differ diff --git a/flowers/train/94/image_07329.jpg b/flowers/train/94/image_07329.jpg new file mode 100644 index 00000000..3d264904 Binary files /dev/null and b/flowers/train/94/image_07329.jpg differ diff --git a/flowers/train/94/image_07330.jpg b/flowers/train/94/image_07330.jpg new file mode 100644 index 00000000..52f6d699 Binary files /dev/null and b/flowers/train/94/image_07330.jpg differ diff --git a/flowers/train/94/image_07331.jpg b/flowers/train/94/image_07331.jpg new file mode 100644 index 00000000..ea806e53 Binary files /dev/null and b/flowers/train/94/image_07331.jpg differ diff --git a/flowers/train/94/image_07332.jpg b/flowers/train/94/image_07332.jpg new file mode 100644 index 00000000..e0cfaa67 Binary files /dev/null and b/flowers/train/94/image_07332.jpg differ diff --git a/flowers/train/94/image_07334.jpg b/flowers/train/94/image_07334.jpg new file mode 100644 index 00000000..8f0baf8e Binary files /dev/null and b/flowers/train/94/image_07334.jpg differ diff --git a/flowers/train/94/image_07335.jpg b/flowers/train/94/image_07335.jpg new file mode 100644 index 00000000..35a94a72 Binary files /dev/null and b/flowers/train/94/image_07335.jpg differ diff --git a/flowers/train/94/image_07336.jpg b/flowers/train/94/image_07336.jpg new file mode 100644 index 00000000..a718594b Binary files /dev/null and b/flowers/train/94/image_07336.jpg differ diff --git a/flowers/train/94/image_07337.jpg b/flowers/train/94/image_07337.jpg new file mode 100644 index 00000000..e22fede8 Binary files /dev/null and b/flowers/train/94/image_07337.jpg differ diff --git a/flowers/train/94/image_07338.jpg b/flowers/train/94/image_07338.jpg new file mode 100644 index 00000000..18fd3623 Binary files /dev/null and b/flowers/train/94/image_07338.jpg differ diff --git a/flowers/train/94/image_07339.jpg b/flowers/train/94/image_07339.jpg new file mode 100644 index 00000000..975ae8f7 Binary files /dev/null and b/flowers/train/94/image_07339.jpg differ diff --git a/flowers/train/94/image_07340.jpg b/flowers/train/94/image_07340.jpg new file mode 100644 index 00000000..00c70532 Binary files /dev/null and b/flowers/train/94/image_07340.jpg differ diff --git a/flowers/train/94/image_07341.jpg b/flowers/train/94/image_07341.jpg new file mode 100644 index 00000000..71f9f937 Binary files /dev/null and b/flowers/train/94/image_07341.jpg differ diff --git a/flowers/train/94/image_07342.jpg b/flowers/train/94/image_07342.jpg new file mode 100644 index 00000000..d4aea7e8 Binary files /dev/null and b/flowers/train/94/image_07342.jpg differ diff --git a/flowers/train/94/image_07343.jpg b/flowers/train/94/image_07343.jpg new file mode 100644 index 00000000..694c93b0 Binary files /dev/null and b/flowers/train/94/image_07343.jpg differ diff --git a/flowers/train/94/image_07344.jpg b/flowers/train/94/image_07344.jpg new file mode 100644 index 00000000..094ee979 Binary files /dev/null and b/flowers/train/94/image_07344.jpg differ diff --git a/flowers/train/94/image_07345.jpg b/flowers/train/94/image_07345.jpg new file mode 100644 index 00000000..4b6247ee Binary files /dev/null and b/flowers/train/94/image_07345.jpg differ diff --git a/flowers/train/94/image_07347.jpg b/flowers/train/94/image_07347.jpg new file mode 100644 index 00000000..fb29a899 Binary files /dev/null and b/flowers/train/94/image_07347.jpg differ diff --git a/flowers/train/94/image_07348.jpg b/flowers/train/94/image_07348.jpg new file mode 100644 index 00000000..b0cbc428 Binary files /dev/null and b/flowers/train/94/image_07348.jpg differ diff --git a/flowers/train/94/image_07349.jpg b/flowers/train/94/image_07349.jpg new file mode 100644 index 00000000..f6b2d4f3 Binary files /dev/null and b/flowers/train/94/image_07349.jpg differ diff --git a/flowers/train/94/image_07350.jpg b/flowers/train/94/image_07350.jpg new file mode 100644 index 00000000..ac2c7951 Binary files /dev/null and b/flowers/train/94/image_07350.jpg differ diff --git a/flowers/train/94/image_07351.jpg b/flowers/train/94/image_07351.jpg new file mode 100644 index 00000000..c871bdc5 Binary files /dev/null and b/flowers/train/94/image_07351.jpg differ diff --git a/flowers/train/94/image_07353.jpg b/flowers/train/94/image_07353.jpg new file mode 100644 index 00000000..59997acc Binary files /dev/null and b/flowers/train/94/image_07353.jpg differ diff --git a/flowers/train/94/image_07354.jpg b/flowers/train/94/image_07354.jpg new file mode 100644 index 00000000..10b43985 Binary files /dev/null and b/flowers/train/94/image_07354.jpg differ diff --git a/flowers/train/94/image_07355.jpg b/flowers/train/94/image_07355.jpg new file mode 100644 index 00000000..b2cf431c Binary files /dev/null and b/flowers/train/94/image_07355.jpg differ diff --git a/flowers/train/94/image_07356.jpg b/flowers/train/94/image_07356.jpg new file mode 100644 index 00000000..d6c2acf4 Binary files /dev/null and b/flowers/train/94/image_07356.jpg differ diff --git a/flowers/train/94/image_07359.jpg b/flowers/train/94/image_07359.jpg new file mode 100644 index 00000000..8cb90ba5 Binary files /dev/null and b/flowers/train/94/image_07359.jpg differ diff --git a/flowers/train/94/image_07362.jpg b/flowers/train/94/image_07362.jpg new file mode 100644 index 00000000..54ce7459 Binary files /dev/null and b/flowers/train/94/image_07362.jpg differ diff --git a/flowers/train/94/image_07363.jpg b/flowers/train/94/image_07363.jpg new file mode 100644 index 00000000..967aa286 Binary files /dev/null and b/flowers/train/94/image_07363.jpg differ diff --git a/flowers/train/94/image_07364.jpg b/flowers/train/94/image_07364.jpg new file mode 100644 index 00000000..97a69375 Binary files /dev/null and b/flowers/train/94/image_07364.jpg differ diff --git a/flowers/train/94/image_07365.jpg b/flowers/train/94/image_07365.jpg new file mode 100644 index 00000000..5ef2b5c3 Binary files /dev/null and b/flowers/train/94/image_07365.jpg differ diff --git a/flowers/train/94/image_07366.jpg b/flowers/train/94/image_07366.jpg new file mode 100644 index 00000000..9c059c48 Binary files /dev/null and b/flowers/train/94/image_07366.jpg differ diff --git a/flowers/train/94/image_07367.jpg b/flowers/train/94/image_07367.jpg new file mode 100644 index 00000000..4d70a3fd Binary files /dev/null and b/flowers/train/94/image_07367.jpg differ diff --git a/flowers/train/94/image_07368.jpg b/flowers/train/94/image_07368.jpg new file mode 100644 index 00000000..bd2161c4 Binary files /dev/null and b/flowers/train/94/image_07368.jpg differ diff --git a/flowers/train/94/image_07369.jpg b/flowers/train/94/image_07369.jpg new file mode 100644 index 00000000..9d80537c Binary files /dev/null and b/flowers/train/94/image_07369.jpg differ diff --git a/flowers/train/94/image_07371.jpg b/flowers/train/94/image_07371.jpg new file mode 100644 index 00000000..7aa790c9 Binary files /dev/null and b/flowers/train/94/image_07371.jpg differ diff --git a/flowers/train/94/image_07373.jpg b/flowers/train/94/image_07373.jpg new file mode 100644 index 00000000..fda49453 Binary files /dev/null and b/flowers/train/94/image_07373.jpg differ diff --git a/flowers/train/94/image_07374.jpg b/flowers/train/94/image_07374.jpg new file mode 100644 index 00000000..2c346ca1 Binary files /dev/null and b/flowers/train/94/image_07374.jpg differ diff --git a/flowers/train/94/image_07375.jpg b/flowers/train/94/image_07375.jpg new file mode 100644 index 00000000..ec1ed439 Binary files /dev/null and b/flowers/train/94/image_07375.jpg differ diff --git a/flowers/train/94/image_07376.jpg b/flowers/train/94/image_07376.jpg new file mode 100644 index 00000000..5a6af0c7 Binary files /dev/null and b/flowers/train/94/image_07376.jpg differ diff --git a/flowers/train/94/image_07377.jpg b/flowers/train/94/image_07377.jpg new file mode 100644 index 00000000..8d389e7b Binary files /dev/null and b/flowers/train/94/image_07377.jpg differ diff --git a/flowers/train/94/image_07378.jpg b/flowers/train/94/image_07378.jpg new file mode 100644 index 00000000..e57e6e59 Binary files /dev/null and b/flowers/train/94/image_07378.jpg differ diff --git a/flowers/train/94/image_07379.jpg b/flowers/train/94/image_07379.jpg new file mode 100644 index 00000000..ab3cbe01 Binary files /dev/null and b/flowers/train/94/image_07379.jpg differ diff --git a/flowers/train/94/image_07380.jpg b/flowers/train/94/image_07380.jpg new file mode 100644 index 00000000..7ed6d5dc Binary files /dev/null and b/flowers/train/94/image_07380.jpg differ diff --git a/flowers/train/94/image_07383.jpg b/flowers/train/94/image_07383.jpg new file mode 100644 index 00000000..a017dee6 Binary files /dev/null and b/flowers/train/94/image_07383.jpg differ diff --git a/flowers/train/94/image_07384.jpg b/flowers/train/94/image_07384.jpg new file mode 100644 index 00000000..7358ec61 Binary files /dev/null and b/flowers/train/94/image_07384.jpg differ diff --git a/flowers/train/94/image_07386.jpg b/flowers/train/94/image_07386.jpg new file mode 100644 index 00000000..26c7621e Binary files /dev/null and b/flowers/train/94/image_07386.jpg differ diff --git a/flowers/train/94/image_07387.jpg b/flowers/train/94/image_07387.jpg new file mode 100644 index 00000000..75ebaa17 Binary files /dev/null and b/flowers/train/94/image_07387.jpg differ diff --git a/flowers/train/94/image_07389.jpg b/flowers/train/94/image_07389.jpg new file mode 100644 index 00000000..48378813 Binary files /dev/null and b/flowers/train/94/image_07389.jpg differ diff --git a/flowers/train/94/image_07390.jpg b/flowers/train/94/image_07390.jpg new file mode 100644 index 00000000..6a41f782 Binary files /dev/null and b/flowers/train/94/image_07390.jpg differ diff --git a/flowers/train/94/image_07391.jpg b/flowers/train/94/image_07391.jpg new file mode 100644 index 00000000..a1acc9d2 Binary files /dev/null and b/flowers/train/94/image_07391.jpg differ diff --git a/flowers/train/94/image_07394.jpg b/flowers/train/94/image_07394.jpg new file mode 100644 index 00000000..c12bbe82 Binary files /dev/null and b/flowers/train/94/image_07394.jpg differ diff --git a/flowers/train/94/image_07396.jpg b/flowers/train/94/image_07396.jpg new file mode 100644 index 00000000..7edec61e Binary files /dev/null and b/flowers/train/94/image_07396.jpg differ diff --git a/flowers/train/94/image_07397.jpg b/flowers/train/94/image_07397.jpg new file mode 100644 index 00000000..c1380ea8 Binary files /dev/null and b/flowers/train/94/image_07397.jpg differ diff --git a/flowers/train/94/image_07398.jpg b/flowers/train/94/image_07398.jpg new file mode 100644 index 00000000..0c8a3b4f Binary files /dev/null and b/flowers/train/94/image_07398.jpg differ diff --git a/flowers/train/94/image_07401.jpg b/flowers/train/94/image_07401.jpg new file mode 100644 index 00000000..0c9a6824 Binary files /dev/null and b/flowers/train/94/image_07401.jpg differ diff --git a/flowers/train/94/image_07402.jpg b/flowers/train/94/image_07402.jpg new file mode 100644 index 00000000..b0dc85e0 Binary files /dev/null and b/flowers/train/94/image_07402.jpg differ diff --git a/flowers/train/94/image_07403.jpg b/flowers/train/94/image_07403.jpg new file mode 100644 index 00000000..279ee291 Binary files /dev/null and b/flowers/train/94/image_07403.jpg differ diff --git a/flowers/train/94/image_07404.jpg b/flowers/train/94/image_07404.jpg new file mode 100644 index 00000000..7f138a30 Binary files /dev/null and b/flowers/train/94/image_07404.jpg differ diff --git a/flowers/train/94/image_07405.jpg b/flowers/train/94/image_07405.jpg new file mode 100644 index 00000000..f273eac1 Binary files /dev/null and b/flowers/train/94/image_07405.jpg differ diff --git a/flowers/train/94/image_07406.jpg b/flowers/train/94/image_07406.jpg new file mode 100644 index 00000000..6ab2dac0 Binary files /dev/null and b/flowers/train/94/image_07406.jpg differ diff --git a/flowers/train/94/image_07407.jpg b/flowers/train/94/image_07407.jpg new file mode 100644 index 00000000..5b569923 Binary files /dev/null and b/flowers/train/94/image_07407.jpg differ diff --git a/flowers/train/94/image_07409.jpg b/flowers/train/94/image_07409.jpg new file mode 100644 index 00000000..926b62f7 Binary files /dev/null and b/flowers/train/94/image_07409.jpg differ diff --git a/flowers/train/94/image_07410.jpg b/flowers/train/94/image_07410.jpg new file mode 100644 index 00000000..910d6883 Binary files /dev/null and b/flowers/train/94/image_07410.jpg differ diff --git a/flowers/train/94/image_07411.jpg b/flowers/train/94/image_07411.jpg new file mode 100644 index 00000000..e5b1f441 Binary files /dev/null and b/flowers/train/94/image_07411.jpg differ diff --git a/flowers/train/94/image_07412.jpg b/flowers/train/94/image_07412.jpg new file mode 100644 index 00000000..7304bea2 Binary files /dev/null and b/flowers/train/94/image_07412.jpg differ diff --git a/flowers/train/94/image_07413.jpg b/flowers/train/94/image_07413.jpg new file mode 100644 index 00000000..68b08f09 Binary files /dev/null and b/flowers/train/94/image_07413.jpg differ diff --git a/flowers/train/94/image_07414.jpg b/flowers/train/94/image_07414.jpg new file mode 100644 index 00000000..6aa27cd2 Binary files /dev/null and b/flowers/train/94/image_07414.jpg differ diff --git a/flowers/train/94/image_07416.jpg b/flowers/train/94/image_07416.jpg new file mode 100644 index 00000000..11dae329 Binary files /dev/null and b/flowers/train/94/image_07416.jpg differ diff --git a/flowers/train/94/image_07417.jpg b/flowers/train/94/image_07417.jpg new file mode 100644 index 00000000..b31e0721 Binary files /dev/null and b/flowers/train/94/image_07417.jpg differ diff --git a/flowers/train/94/image_07419.jpg b/flowers/train/94/image_07419.jpg new file mode 100644 index 00000000..4a41159f Binary files /dev/null and b/flowers/train/94/image_07419.jpg differ diff --git a/flowers/train/94/image_07420.jpg b/flowers/train/94/image_07420.jpg new file mode 100644 index 00000000..e05559a3 Binary files /dev/null and b/flowers/train/94/image_07420.jpg differ diff --git a/flowers/train/94/image_07421.jpg b/flowers/train/94/image_07421.jpg new file mode 100644 index 00000000..8192da36 Binary files /dev/null and b/flowers/train/94/image_07421.jpg differ diff --git a/flowers/train/94/image_07422.jpg b/flowers/train/94/image_07422.jpg new file mode 100644 index 00000000..d1359c72 Binary files /dev/null and b/flowers/train/94/image_07422.jpg differ diff --git a/flowers/train/94/image_07423.jpg b/flowers/train/94/image_07423.jpg new file mode 100644 index 00000000..b7e603ed Binary files /dev/null and b/flowers/train/94/image_07423.jpg differ diff --git a/flowers/train/94/image_07424.jpg b/flowers/train/94/image_07424.jpg new file mode 100644 index 00000000..219ff7da Binary files /dev/null and b/flowers/train/94/image_07424.jpg differ diff --git a/flowers/train/94/image_07425.jpg b/flowers/train/94/image_07425.jpg new file mode 100644 index 00000000..f56e23cb Binary files /dev/null and b/flowers/train/94/image_07425.jpg differ diff --git a/flowers/train/94/image_07426.jpg b/flowers/train/94/image_07426.jpg new file mode 100644 index 00000000..b6856e6e Binary files /dev/null and b/flowers/train/94/image_07426.jpg differ diff --git a/flowers/train/94/image_07427.jpg b/flowers/train/94/image_07427.jpg new file mode 100644 index 00000000..134f46d6 Binary files /dev/null and b/flowers/train/94/image_07427.jpg differ diff --git a/flowers/train/94/image_07429.jpg b/flowers/train/94/image_07429.jpg new file mode 100644 index 00000000..5a20c227 Binary files /dev/null and b/flowers/train/94/image_07429.jpg differ diff --git a/flowers/train/94/image_07430.jpg b/flowers/train/94/image_07430.jpg new file mode 100644 index 00000000..7f1ed247 Binary files /dev/null and b/flowers/train/94/image_07430.jpg differ diff --git a/flowers/train/94/image_07431.jpg b/flowers/train/94/image_07431.jpg new file mode 100644 index 00000000..1a9e6872 Binary files /dev/null and b/flowers/train/94/image_07431.jpg differ diff --git a/flowers/train/94/image_07432.jpg b/flowers/train/94/image_07432.jpg new file mode 100644 index 00000000..60399787 Binary files /dev/null and b/flowers/train/94/image_07432.jpg differ diff --git a/flowers/train/94/image_07433.jpg b/flowers/train/94/image_07433.jpg new file mode 100644 index 00000000..5643821e Binary files /dev/null and b/flowers/train/94/image_07433.jpg differ diff --git a/flowers/train/94/image_07437.jpg b/flowers/train/94/image_07437.jpg new file mode 100644 index 00000000..66c2fdd5 Binary files /dev/null and b/flowers/train/94/image_07437.jpg differ diff --git a/flowers/train/94/image_07438.jpg b/flowers/train/94/image_07438.jpg new file mode 100644 index 00000000..6903abf8 Binary files /dev/null and b/flowers/train/94/image_07438.jpg differ diff --git a/flowers/train/94/image_07439.jpg b/flowers/train/94/image_07439.jpg new file mode 100644 index 00000000..42042a62 Binary files /dev/null and b/flowers/train/94/image_07439.jpg differ diff --git a/flowers/train/94/image_07440.jpg b/flowers/train/94/image_07440.jpg new file mode 100644 index 00000000..0a2f97a9 Binary files /dev/null and b/flowers/train/94/image_07440.jpg differ diff --git a/flowers/train/94/image_07441.jpg b/flowers/train/94/image_07441.jpg new file mode 100644 index 00000000..6e5ce8f4 Binary files /dev/null and b/flowers/train/94/image_07441.jpg differ diff --git a/flowers/train/94/image_07442.jpg b/flowers/train/94/image_07442.jpg new file mode 100644 index 00000000..52f1fa18 Binary files /dev/null and b/flowers/train/94/image_07442.jpg differ diff --git a/flowers/train/94/image_07443.jpg b/flowers/train/94/image_07443.jpg new file mode 100644 index 00000000..36a1f69a Binary files /dev/null and b/flowers/train/94/image_07443.jpg differ diff --git a/flowers/train/94/image_07444.jpg b/flowers/train/94/image_07444.jpg new file mode 100644 index 00000000..fe67d867 Binary files /dev/null and b/flowers/train/94/image_07444.jpg differ diff --git a/flowers/train/94/image_07445.jpg b/flowers/train/94/image_07445.jpg new file mode 100644 index 00000000..2db50955 Binary files /dev/null and b/flowers/train/94/image_07445.jpg differ diff --git a/flowers/train/94/image_07446.jpg b/flowers/train/94/image_07446.jpg new file mode 100644 index 00000000..aeb96c8c Binary files /dev/null and b/flowers/train/94/image_07446.jpg differ diff --git a/flowers/train/94/image_07447.jpg b/flowers/train/94/image_07447.jpg new file mode 100644 index 00000000..161df369 Binary files /dev/null and b/flowers/train/94/image_07447.jpg differ diff --git a/flowers/train/94/image_07448.jpg b/flowers/train/94/image_07448.jpg new file mode 100644 index 00000000..dbb58e52 Binary files /dev/null and b/flowers/train/94/image_07448.jpg differ diff --git a/flowers/train/94/image_07450.jpg b/flowers/train/94/image_07450.jpg new file mode 100644 index 00000000..154dd1fa Binary files /dev/null and b/flowers/train/94/image_07450.jpg differ diff --git a/flowers/train/94/image_07451.jpg b/flowers/train/94/image_07451.jpg new file mode 100644 index 00000000..34e0749f Binary files /dev/null and b/flowers/train/94/image_07451.jpg differ diff --git a/flowers/train/94/image_07452.jpg b/flowers/train/94/image_07452.jpg new file mode 100644 index 00000000..5b49f888 Binary files /dev/null and b/flowers/train/94/image_07452.jpg differ diff --git a/flowers/train/94/image_07453.jpg b/flowers/train/94/image_07453.jpg new file mode 100644 index 00000000..d6fc597f Binary files /dev/null and b/flowers/train/94/image_07453.jpg differ diff --git a/flowers/train/94/image_07454.jpg b/flowers/train/94/image_07454.jpg new file mode 100644 index 00000000..7baf3e2c Binary files /dev/null and b/flowers/train/94/image_07454.jpg differ diff --git a/flowers/train/94/image_07455.jpg b/flowers/train/94/image_07455.jpg new file mode 100644 index 00000000..69f098af Binary files /dev/null and b/flowers/train/94/image_07455.jpg differ diff --git a/flowers/train/94/image_07456.jpg b/flowers/train/94/image_07456.jpg new file mode 100644 index 00000000..0367816c Binary files /dev/null and b/flowers/train/94/image_07456.jpg differ diff --git a/flowers/train/94/image_07457.jpg b/flowers/train/94/image_07457.jpg new file mode 100644 index 00000000..113886ec Binary files /dev/null and b/flowers/train/94/image_07457.jpg differ diff --git a/flowers/train/94/image_07458.jpg b/flowers/train/94/image_07458.jpg new file mode 100644 index 00000000..6d185634 Binary files /dev/null and b/flowers/train/94/image_07458.jpg differ diff --git a/flowers/train/94/image_07459.jpg b/flowers/train/94/image_07459.jpg new file mode 100644 index 00000000..335f2b70 Binary files /dev/null and b/flowers/train/94/image_07459.jpg differ diff --git a/flowers/train/94/image_07460.jpg b/flowers/train/94/image_07460.jpg new file mode 100644 index 00000000..a3079a4b Binary files /dev/null and b/flowers/train/94/image_07460.jpg differ diff --git a/flowers/train/94/image_07461.jpg b/flowers/train/94/image_07461.jpg new file mode 100644 index 00000000..f63ab315 Binary files /dev/null and b/flowers/train/94/image_07461.jpg differ diff --git a/flowers/train/94/image_07462.jpg b/flowers/train/94/image_07462.jpg new file mode 100644 index 00000000..5546f2ee Binary files /dev/null and b/flowers/train/94/image_07462.jpg differ diff --git a/flowers/train/94/image_07463.jpg b/flowers/train/94/image_07463.jpg new file mode 100644 index 00000000..816012d5 Binary files /dev/null and b/flowers/train/94/image_07463.jpg differ diff --git a/flowers/train/94/image_07464.jpg b/flowers/train/94/image_07464.jpg new file mode 100644 index 00000000..c3bfb6b3 Binary files /dev/null and b/flowers/train/94/image_07464.jpg differ diff --git a/flowers/train/94/image_07465.jpg b/flowers/train/94/image_07465.jpg new file mode 100644 index 00000000..3cdea8b2 Binary files /dev/null and b/flowers/train/94/image_07465.jpg differ diff --git a/flowers/train/95/image_07466.jpg b/flowers/train/95/image_07466.jpg new file mode 100644 index 00000000..48d513ff Binary files /dev/null and b/flowers/train/95/image_07466.jpg differ diff --git a/flowers/train/95/image_07467.jpg b/flowers/train/95/image_07467.jpg new file mode 100644 index 00000000..b0482993 Binary files /dev/null and b/flowers/train/95/image_07467.jpg differ diff --git a/flowers/train/95/image_07469.jpg b/flowers/train/95/image_07469.jpg new file mode 100644 index 00000000..e9c4d5fe Binary files /dev/null and b/flowers/train/95/image_07469.jpg differ diff --git a/flowers/train/95/image_07473.jpg b/flowers/train/95/image_07473.jpg new file mode 100644 index 00000000..8a47fcb6 Binary files /dev/null and b/flowers/train/95/image_07473.jpg differ diff --git a/flowers/train/95/image_07474.jpg b/flowers/train/95/image_07474.jpg new file mode 100644 index 00000000..1d1b9709 Binary files /dev/null and b/flowers/train/95/image_07474.jpg differ diff --git a/flowers/train/95/image_07476.jpg b/flowers/train/95/image_07476.jpg new file mode 100644 index 00000000..23a52cb2 Binary files /dev/null and b/flowers/train/95/image_07476.jpg differ diff --git a/flowers/train/95/image_07477.jpg b/flowers/train/95/image_07477.jpg new file mode 100644 index 00000000..e3fc0cbc Binary files /dev/null and b/flowers/train/95/image_07477.jpg differ diff --git a/flowers/train/95/image_07478.jpg b/flowers/train/95/image_07478.jpg new file mode 100644 index 00000000..715e34fd Binary files /dev/null and b/flowers/train/95/image_07478.jpg differ diff --git a/flowers/train/95/image_07479.jpg b/flowers/train/95/image_07479.jpg new file mode 100644 index 00000000..485859ec Binary files /dev/null and b/flowers/train/95/image_07479.jpg differ diff --git a/flowers/train/95/image_07480.jpg b/flowers/train/95/image_07480.jpg new file mode 100644 index 00000000..be5edea5 Binary files /dev/null and b/flowers/train/95/image_07480.jpg differ diff --git a/flowers/train/95/image_07481.jpg b/flowers/train/95/image_07481.jpg new file mode 100644 index 00000000..5c379cf3 Binary files /dev/null and b/flowers/train/95/image_07481.jpg differ diff --git a/flowers/train/95/image_07482.jpg b/flowers/train/95/image_07482.jpg new file mode 100644 index 00000000..28280ddc Binary files /dev/null and b/flowers/train/95/image_07482.jpg differ diff --git a/flowers/train/95/image_07483.jpg b/flowers/train/95/image_07483.jpg new file mode 100644 index 00000000..170bb9da Binary files /dev/null and b/flowers/train/95/image_07483.jpg differ diff --git a/flowers/train/95/image_07486.jpg b/flowers/train/95/image_07486.jpg new file mode 100644 index 00000000..6d131899 Binary files /dev/null and b/flowers/train/95/image_07486.jpg differ diff --git a/flowers/train/95/image_07488.jpg b/flowers/train/95/image_07488.jpg new file mode 100644 index 00000000..0923fcb4 Binary files /dev/null and b/flowers/train/95/image_07488.jpg differ diff --git a/flowers/train/95/image_07489.jpg b/flowers/train/95/image_07489.jpg new file mode 100644 index 00000000..24a5aed7 Binary files /dev/null and b/flowers/train/95/image_07489.jpg differ diff --git a/flowers/train/95/image_07490.jpg b/flowers/train/95/image_07490.jpg new file mode 100644 index 00000000..5daa0502 Binary files /dev/null and b/flowers/train/95/image_07490.jpg differ diff --git a/flowers/train/95/image_07491.jpg b/flowers/train/95/image_07491.jpg new file mode 100644 index 00000000..a15ee9d2 Binary files /dev/null and b/flowers/train/95/image_07491.jpg differ diff --git a/flowers/train/95/image_07492.jpg b/flowers/train/95/image_07492.jpg new file mode 100644 index 00000000..eb740df1 Binary files /dev/null and b/flowers/train/95/image_07492.jpg differ diff --git a/flowers/train/95/image_07493.jpg b/flowers/train/95/image_07493.jpg new file mode 100644 index 00000000..4d87cf98 Binary files /dev/null and b/flowers/train/95/image_07493.jpg differ diff --git a/flowers/train/95/image_07494.jpg b/flowers/train/95/image_07494.jpg new file mode 100644 index 00000000..f6f2c2d9 Binary files /dev/null and b/flowers/train/95/image_07494.jpg differ diff --git a/flowers/train/95/image_07495.jpg b/flowers/train/95/image_07495.jpg new file mode 100644 index 00000000..e699f134 Binary files /dev/null and b/flowers/train/95/image_07495.jpg differ diff --git a/flowers/train/95/image_07496.jpg b/flowers/train/95/image_07496.jpg new file mode 100644 index 00000000..f5f33092 Binary files /dev/null and b/flowers/train/95/image_07496.jpg differ diff --git a/flowers/train/95/image_07497.jpg b/flowers/train/95/image_07497.jpg new file mode 100644 index 00000000..1d33626d Binary files /dev/null and b/flowers/train/95/image_07497.jpg differ diff --git a/flowers/train/95/image_07498.jpg b/flowers/train/95/image_07498.jpg new file mode 100644 index 00000000..01dd008d Binary files /dev/null and b/flowers/train/95/image_07498.jpg differ diff --git a/flowers/train/95/image_07499.jpg b/flowers/train/95/image_07499.jpg new file mode 100644 index 00000000..db4d2c25 Binary files /dev/null and b/flowers/train/95/image_07499.jpg differ diff --git a/flowers/train/95/image_07500.jpg b/flowers/train/95/image_07500.jpg new file mode 100644 index 00000000..ad486cd0 Binary files /dev/null and b/flowers/train/95/image_07500.jpg differ diff --git a/flowers/train/95/image_07501.jpg b/flowers/train/95/image_07501.jpg new file mode 100644 index 00000000..4549f842 Binary files /dev/null and b/flowers/train/95/image_07501.jpg differ diff --git a/flowers/train/95/image_07503.jpg b/flowers/train/95/image_07503.jpg new file mode 100644 index 00000000..538445dc Binary files /dev/null and b/flowers/train/95/image_07503.jpg differ diff --git a/flowers/train/95/image_07504.jpg b/flowers/train/95/image_07504.jpg new file mode 100644 index 00000000..0fe52b55 Binary files /dev/null and b/flowers/train/95/image_07504.jpg differ diff --git a/flowers/train/95/image_07506.jpg b/flowers/train/95/image_07506.jpg new file mode 100644 index 00000000..6944bbec Binary files /dev/null and b/flowers/train/95/image_07506.jpg differ diff --git a/flowers/train/95/image_07507.jpg b/flowers/train/95/image_07507.jpg new file mode 100644 index 00000000..5cfd17b3 Binary files /dev/null and b/flowers/train/95/image_07507.jpg differ diff --git a/flowers/train/95/image_07509.jpg b/flowers/train/95/image_07509.jpg new file mode 100644 index 00000000..07a58ed4 Binary files /dev/null and b/flowers/train/95/image_07509.jpg differ diff --git a/flowers/train/95/image_07511.jpg b/flowers/train/95/image_07511.jpg new file mode 100644 index 00000000..e62b3e0e Binary files /dev/null and b/flowers/train/95/image_07511.jpg differ diff --git a/flowers/train/95/image_07515.jpg b/flowers/train/95/image_07515.jpg new file mode 100644 index 00000000..f0b4f198 Binary files /dev/null and b/flowers/train/95/image_07515.jpg differ diff --git a/flowers/train/95/image_07516.jpg b/flowers/train/95/image_07516.jpg new file mode 100644 index 00000000..f13abaf4 Binary files /dev/null and b/flowers/train/95/image_07516.jpg differ diff --git a/flowers/train/95/image_07517.jpg b/flowers/train/95/image_07517.jpg new file mode 100644 index 00000000..ebfaa9f8 Binary files /dev/null and b/flowers/train/95/image_07517.jpg differ diff --git a/flowers/train/95/image_07518.jpg b/flowers/train/95/image_07518.jpg new file mode 100644 index 00000000..a24b9b4e Binary files /dev/null and b/flowers/train/95/image_07518.jpg differ diff --git a/flowers/train/95/image_07520.jpg b/flowers/train/95/image_07520.jpg new file mode 100644 index 00000000..2b7e443e Binary files /dev/null and b/flowers/train/95/image_07520.jpg differ diff --git a/flowers/train/95/image_07521.jpg b/flowers/train/95/image_07521.jpg new file mode 100644 index 00000000..9bacae7f Binary files /dev/null and b/flowers/train/95/image_07521.jpg differ diff --git a/flowers/train/95/image_07522.jpg b/flowers/train/95/image_07522.jpg new file mode 100644 index 00000000..7708ccbe Binary files /dev/null and b/flowers/train/95/image_07522.jpg differ diff --git a/flowers/train/95/image_07523.jpg b/flowers/train/95/image_07523.jpg new file mode 100644 index 00000000..180fa2f6 Binary files /dev/null and b/flowers/train/95/image_07523.jpg differ diff --git a/flowers/train/95/image_07524.jpg b/flowers/train/95/image_07524.jpg new file mode 100644 index 00000000..d33c9b10 Binary files /dev/null and b/flowers/train/95/image_07524.jpg differ diff --git a/flowers/train/95/image_07525.jpg b/flowers/train/95/image_07525.jpg new file mode 100644 index 00000000..99c85f03 Binary files /dev/null and b/flowers/train/95/image_07525.jpg differ diff --git a/flowers/train/95/image_07526.jpg b/flowers/train/95/image_07526.jpg new file mode 100644 index 00000000..8776adca Binary files /dev/null and b/flowers/train/95/image_07526.jpg differ diff --git a/flowers/train/95/image_07527.jpg b/flowers/train/95/image_07527.jpg new file mode 100644 index 00000000..daffa3b5 Binary files /dev/null and b/flowers/train/95/image_07527.jpg differ diff --git a/flowers/train/95/image_07528.jpg b/flowers/train/95/image_07528.jpg new file mode 100644 index 00000000..c572c34c Binary files /dev/null and b/flowers/train/95/image_07528.jpg differ diff --git a/flowers/train/95/image_07529.jpg b/flowers/train/95/image_07529.jpg new file mode 100644 index 00000000..ea11476e Binary files /dev/null and b/flowers/train/95/image_07529.jpg differ diff --git a/flowers/train/95/image_07530.jpg b/flowers/train/95/image_07530.jpg new file mode 100644 index 00000000..f30bacaa Binary files /dev/null and b/flowers/train/95/image_07530.jpg differ diff --git a/flowers/train/95/image_07531.jpg b/flowers/train/95/image_07531.jpg new file mode 100644 index 00000000..017af7d7 Binary files /dev/null and b/flowers/train/95/image_07531.jpg differ diff --git a/flowers/train/95/image_07532.jpg b/flowers/train/95/image_07532.jpg new file mode 100644 index 00000000..a21ce0a7 Binary files /dev/null and b/flowers/train/95/image_07532.jpg differ diff --git a/flowers/train/95/image_07533.jpg b/flowers/train/95/image_07533.jpg new file mode 100644 index 00000000..23d4f657 Binary files /dev/null and b/flowers/train/95/image_07533.jpg differ diff --git a/flowers/train/95/image_07534.jpg b/flowers/train/95/image_07534.jpg new file mode 100644 index 00000000..02daa4d1 Binary files /dev/null and b/flowers/train/95/image_07534.jpg differ diff --git a/flowers/train/95/image_07535.jpg b/flowers/train/95/image_07535.jpg new file mode 100644 index 00000000..28f67e76 Binary files /dev/null and b/flowers/train/95/image_07535.jpg differ diff --git a/flowers/train/95/image_07537.jpg b/flowers/train/95/image_07537.jpg new file mode 100644 index 00000000..0601fdac Binary files /dev/null and b/flowers/train/95/image_07537.jpg differ diff --git a/flowers/train/95/image_07538.jpg b/flowers/train/95/image_07538.jpg new file mode 100644 index 00000000..36558e6d Binary files /dev/null and b/flowers/train/95/image_07538.jpg differ diff --git a/flowers/train/95/image_07539.jpg b/flowers/train/95/image_07539.jpg new file mode 100644 index 00000000..25b22b72 Binary files /dev/null and b/flowers/train/95/image_07539.jpg differ diff --git a/flowers/train/95/image_07540.jpg b/flowers/train/95/image_07540.jpg new file mode 100644 index 00000000..46cabd31 Binary files /dev/null and b/flowers/train/95/image_07540.jpg differ diff --git a/flowers/train/95/image_07541.jpg b/flowers/train/95/image_07541.jpg new file mode 100644 index 00000000..fc9b7e33 Binary files /dev/null and b/flowers/train/95/image_07541.jpg differ diff --git a/flowers/train/95/image_07542.jpg b/flowers/train/95/image_07542.jpg new file mode 100644 index 00000000..0c5e0318 Binary files /dev/null and b/flowers/train/95/image_07542.jpg differ diff --git a/flowers/train/95/image_07543.jpg b/flowers/train/95/image_07543.jpg new file mode 100644 index 00000000..2dc4c150 Binary files /dev/null and b/flowers/train/95/image_07543.jpg differ diff --git a/flowers/train/95/image_07544.jpg b/flowers/train/95/image_07544.jpg new file mode 100644 index 00000000..8697b847 Binary files /dev/null and b/flowers/train/95/image_07544.jpg differ diff --git a/flowers/train/95/image_07545.jpg b/flowers/train/95/image_07545.jpg new file mode 100644 index 00000000..1471d922 Binary files /dev/null and b/flowers/train/95/image_07545.jpg differ diff --git a/flowers/train/95/image_07546.jpg b/flowers/train/95/image_07546.jpg new file mode 100644 index 00000000..c206d6c7 Binary files /dev/null and b/flowers/train/95/image_07546.jpg differ diff --git a/flowers/train/95/image_07547.jpg b/flowers/train/95/image_07547.jpg new file mode 100644 index 00000000..af9aaa2e Binary files /dev/null and b/flowers/train/95/image_07547.jpg differ diff --git a/flowers/train/95/image_07548.jpg b/flowers/train/95/image_07548.jpg new file mode 100644 index 00000000..e8e93754 Binary files /dev/null and b/flowers/train/95/image_07548.jpg differ diff --git a/flowers/train/95/image_07549.jpg b/flowers/train/95/image_07549.jpg new file mode 100644 index 00000000..f8c78b5f Binary files /dev/null and b/flowers/train/95/image_07549.jpg differ diff --git a/flowers/train/95/image_07552.jpg b/flowers/train/95/image_07552.jpg new file mode 100644 index 00000000..87bc7c52 Binary files /dev/null and b/flowers/train/95/image_07552.jpg differ diff --git a/flowers/train/95/image_07553.jpg b/flowers/train/95/image_07553.jpg new file mode 100644 index 00000000..f2c0cadf Binary files /dev/null and b/flowers/train/95/image_07553.jpg differ diff --git a/flowers/train/95/image_07554.jpg b/flowers/train/95/image_07554.jpg new file mode 100644 index 00000000..fe64360e Binary files /dev/null and b/flowers/train/95/image_07554.jpg differ diff --git a/flowers/train/95/image_07555.jpg b/flowers/train/95/image_07555.jpg new file mode 100644 index 00000000..0f4ff859 Binary files /dev/null and b/flowers/train/95/image_07555.jpg differ diff --git a/flowers/train/95/image_07556.jpg b/flowers/train/95/image_07556.jpg new file mode 100644 index 00000000..695c12cf Binary files /dev/null and b/flowers/train/95/image_07556.jpg differ diff --git a/flowers/train/95/image_07557.jpg b/flowers/train/95/image_07557.jpg new file mode 100644 index 00000000..b56d1ec0 Binary files /dev/null and b/flowers/train/95/image_07557.jpg differ diff --git a/flowers/train/95/image_07558.jpg b/flowers/train/95/image_07558.jpg new file mode 100644 index 00000000..5e5958a6 Binary files /dev/null and b/flowers/train/95/image_07558.jpg differ diff --git a/flowers/train/95/image_07559.jpg b/flowers/train/95/image_07559.jpg new file mode 100644 index 00000000..be8933cc Binary files /dev/null and b/flowers/train/95/image_07559.jpg differ diff --git a/flowers/train/95/image_07560.jpg b/flowers/train/95/image_07560.jpg new file mode 100644 index 00000000..3849b4f2 Binary files /dev/null and b/flowers/train/95/image_07560.jpg differ diff --git a/flowers/train/95/image_07562.jpg b/flowers/train/95/image_07562.jpg new file mode 100644 index 00000000..ef4907ab Binary files /dev/null and b/flowers/train/95/image_07562.jpg differ diff --git a/flowers/train/95/image_07563.jpg b/flowers/train/95/image_07563.jpg new file mode 100644 index 00000000..254f208c Binary files /dev/null and b/flowers/train/95/image_07563.jpg differ diff --git a/flowers/train/95/image_07564.jpg b/flowers/train/95/image_07564.jpg new file mode 100644 index 00000000..d079467b Binary files /dev/null and b/flowers/train/95/image_07564.jpg differ diff --git a/flowers/train/95/image_07565.jpg b/flowers/train/95/image_07565.jpg new file mode 100644 index 00000000..3ef61c24 Binary files /dev/null and b/flowers/train/95/image_07565.jpg differ diff --git a/flowers/train/95/image_07566.jpg b/flowers/train/95/image_07566.jpg new file mode 100644 index 00000000..ae31268a Binary files /dev/null and b/flowers/train/95/image_07566.jpg differ diff --git a/flowers/train/95/image_07567.jpg b/flowers/train/95/image_07567.jpg new file mode 100644 index 00000000..4b2c0ed7 Binary files /dev/null and b/flowers/train/95/image_07567.jpg differ diff --git a/flowers/train/95/image_07568.jpg b/flowers/train/95/image_07568.jpg new file mode 100644 index 00000000..ee974596 Binary files /dev/null and b/flowers/train/95/image_07568.jpg differ diff --git a/flowers/train/95/image_07569.jpg b/flowers/train/95/image_07569.jpg new file mode 100644 index 00000000..1832e8fe Binary files /dev/null and b/flowers/train/95/image_07569.jpg differ diff --git a/flowers/train/95/image_07570.jpg b/flowers/train/95/image_07570.jpg new file mode 100644 index 00000000..cf10a65e Binary files /dev/null and b/flowers/train/95/image_07570.jpg differ diff --git a/flowers/train/95/image_07571.jpg b/flowers/train/95/image_07571.jpg new file mode 100644 index 00000000..7bf4c88d Binary files /dev/null and b/flowers/train/95/image_07571.jpg differ diff --git a/flowers/train/95/image_07572.jpg b/flowers/train/95/image_07572.jpg new file mode 100644 index 00000000..cb928cd6 Binary files /dev/null and b/flowers/train/95/image_07572.jpg differ diff --git a/flowers/train/95/image_07574.jpg b/flowers/train/95/image_07574.jpg new file mode 100644 index 00000000..f8b15bf9 Binary files /dev/null and b/flowers/train/95/image_07574.jpg differ diff --git a/flowers/train/95/image_07576.jpg b/flowers/train/95/image_07576.jpg new file mode 100644 index 00000000..81201d0f Binary files /dev/null and b/flowers/train/95/image_07576.jpg differ diff --git a/flowers/train/95/image_07577.jpg b/flowers/train/95/image_07577.jpg new file mode 100644 index 00000000..7e1ca204 Binary files /dev/null and b/flowers/train/95/image_07577.jpg differ diff --git a/flowers/train/95/image_07578.jpg b/flowers/train/95/image_07578.jpg new file mode 100644 index 00000000..5436ad1f Binary files /dev/null and b/flowers/train/95/image_07578.jpg differ diff --git a/flowers/train/95/image_07579.jpg b/flowers/train/95/image_07579.jpg new file mode 100644 index 00000000..dd0a0e97 Binary files /dev/null and b/flowers/train/95/image_07579.jpg differ diff --git a/flowers/train/95/image_07582.jpg b/flowers/train/95/image_07582.jpg new file mode 100644 index 00000000..01189007 Binary files /dev/null and b/flowers/train/95/image_07582.jpg differ diff --git a/flowers/train/95/image_07583.jpg b/flowers/train/95/image_07583.jpg new file mode 100644 index 00000000..86a22622 Binary files /dev/null and b/flowers/train/95/image_07583.jpg differ diff --git a/flowers/train/95/image_07586.jpg b/flowers/train/95/image_07586.jpg new file mode 100644 index 00000000..1ab0039c Binary files /dev/null and b/flowers/train/95/image_07586.jpg differ diff --git a/flowers/train/95/image_07587.jpg b/flowers/train/95/image_07587.jpg new file mode 100644 index 00000000..c8f69b70 Binary files /dev/null and b/flowers/train/95/image_07587.jpg differ diff --git a/flowers/train/95/image_07589.jpg b/flowers/train/95/image_07589.jpg new file mode 100644 index 00000000..618f3f42 Binary files /dev/null and b/flowers/train/95/image_07589.jpg differ diff --git a/flowers/train/95/image_07590.jpg b/flowers/train/95/image_07590.jpg new file mode 100644 index 00000000..c07bf24c Binary files /dev/null and b/flowers/train/95/image_07590.jpg differ diff --git a/flowers/train/95/image_07591.jpg b/flowers/train/95/image_07591.jpg new file mode 100644 index 00000000..f7cf5bcc Binary files /dev/null and b/flowers/train/95/image_07591.jpg differ diff --git a/flowers/train/95/image_07592.jpg b/flowers/train/95/image_07592.jpg new file mode 100644 index 00000000..c6cc3fe8 Binary files /dev/null and b/flowers/train/95/image_07592.jpg differ diff --git a/flowers/train/95/image_07593.jpg b/flowers/train/95/image_07593.jpg new file mode 100644 index 00000000..5ccaeaeb Binary files /dev/null and b/flowers/train/95/image_07593.jpg differ diff --git a/flowers/train/96/image_07594.jpg b/flowers/train/96/image_07594.jpg new file mode 100644 index 00000000..b8da810f Binary files /dev/null and b/flowers/train/96/image_07594.jpg differ diff --git a/flowers/train/96/image_07595.jpg b/flowers/train/96/image_07595.jpg new file mode 100644 index 00000000..571d7def Binary files /dev/null and b/flowers/train/96/image_07595.jpg differ diff --git a/flowers/train/96/image_07598.jpg b/flowers/train/96/image_07598.jpg new file mode 100644 index 00000000..bddce285 Binary files /dev/null and b/flowers/train/96/image_07598.jpg differ diff --git a/flowers/train/96/image_07599.jpg b/flowers/train/96/image_07599.jpg new file mode 100644 index 00000000..caf0fb1d Binary files /dev/null and b/flowers/train/96/image_07599.jpg differ diff --git a/flowers/train/96/image_07600.jpg b/flowers/train/96/image_07600.jpg new file mode 100644 index 00000000..8656033d Binary files /dev/null and b/flowers/train/96/image_07600.jpg differ diff --git a/flowers/train/96/image_07601.jpg b/flowers/train/96/image_07601.jpg new file mode 100644 index 00000000..54186d9c Binary files /dev/null and b/flowers/train/96/image_07601.jpg differ diff --git a/flowers/train/96/image_07602.jpg b/flowers/train/96/image_07602.jpg new file mode 100644 index 00000000..7b4d382c Binary files /dev/null and b/flowers/train/96/image_07602.jpg differ diff --git a/flowers/train/96/image_07603.jpg b/flowers/train/96/image_07603.jpg new file mode 100644 index 00000000..15812a40 Binary files /dev/null and b/flowers/train/96/image_07603.jpg differ diff --git a/flowers/train/96/image_07604.jpg b/flowers/train/96/image_07604.jpg new file mode 100644 index 00000000..19dac13a Binary files /dev/null and b/flowers/train/96/image_07604.jpg differ diff --git a/flowers/train/96/image_07607.jpg b/flowers/train/96/image_07607.jpg new file mode 100644 index 00000000..23e4b3b6 Binary files /dev/null and b/flowers/train/96/image_07607.jpg differ diff --git a/flowers/train/96/image_07608.jpg b/flowers/train/96/image_07608.jpg new file mode 100644 index 00000000..a584d3b9 Binary files /dev/null and b/flowers/train/96/image_07608.jpg differ diff --git a/flowers/train/96/image_07610.jpg b/flowers/train/96/image_07610.jpg new file mode 100644 index 00000000..2557cd1a Binary files /dev/null and b/flowers/train/96/image_07610.jpg differ diff --git a/flowers/train/96/image_07611.jpg b/flowers/train/96/image_07611.jpg new file mode 100644 index 00000000..8187d5bd Binary files /dev/null and b/flowers/train/96/image_07611.jpg differ diff --git a/flowers/train/96/image_07612.jpg b/flowers/train/96/image_07612.jpg new file mode 100644 index 00000000..2d8ee745 Binary files /dev/null and b/flowers/train/96/image_07612.jpg differ diff --git a/flowers/train/96/image_07614.jpg b/flowers/train/96/image_07614.jpg new file mode 100644 index 00000000..6ff44a81 Binary files /dev/null and b/flowers/train/96/image_07614.jpg differ diff --git a/flowers/train/96/image_07615.jpg b/flowers/train/96/image_07615.jpg new file mode 100644 index 00000000..4b615cb7 Binary files /dev/null and b/flowers/train/96/image_07615.jpg differ diff --git a/flowers/train/96/image_07616.jpg b/flowers/train/96/image_07616.jpg new file mode 100644 index 00000000..b5318a52 Binary files /dev/null and b/flowers/train/96/image_07616.jpg differ diff --git a/flowers/train/96/image_07617.jpg b/flowers/train/96/image_07617.jpg new file mode 100644 index 00000000..5e624f09 Binary files /dev/null and b/flowers/train/96/image_07617.jpg differ diff --git a/flowers/train/96/image_07618.jpg b/flowers/train/96/image_07618.jpg new file mode 100644 index 00000000..5209cba2 Binary files /dev/null and b/flowers/train/96/image_07618.jpg differ diff --git a/flowers/train/96/image_07619.jpg b/flowers/train/96/image_07619.jpg new file mode 100644 index 00000000..4b3f3007 Binary files /dev/null and b/flowers/train/96/image_07619.jpg differ diff --git a/flowers/train/96/image_07620.jpg b/flowers/train/96/image_07620.jpg new file mode 100644 index 00000000..6b49de20 Binary files /dev/null and b/flowers/train/96/image_07620.jpg differ diff --git a/flowers/train/96/image_07621.jpg b/flowers/train/96/image_07621.jpg new file mode 100644 index 00000000..4bbe2667 Binary files /dev/null and b/flowers/train/96/image_07621.jpg differ diff --git a/flowers/train/96/image_07623.jpg b/flowers/train/96/image_07623.jpg new file mode 100644 index 00000000..45a7715c Binary files /dev/null and b/flowers/train/96/image_07623.jpg differ diff --git a/flowers/train/96/image_07624.jpg b/flowers/train/96/image_07624.jpg new file mode 100644 index 00000000..2364e126 Binary files /dev/null and b/flowers/train/96/image_07624.jpg differ diff --git a/flowers/train/96/image_07625.jpg b/flowers/train/96/image_07625.jpg new file mode 100644 index 00000000..c57697a6 Binary files /dev/null and b/flowers/train/96/image_07625.jpg differ diff --git a/flowers/train/96/image_07626.jpg b/flowers/train/96/image_07626.jpg new file mode 100644 index 00000000..dc65c652 Binary files /dev/null and b/flowers/train/96/image_07626.jpg differ diff --git a/flowers/train/96/image_07627.jpg b/flowers/train/96/image_07627.jpg new file mode 100644 index 00000000..88371260 Binary files /dev/null and b/flowers/train/96/image_07627.jpg differ diff --git a/flowers/train/96/image_07628.jpg b/flowers/train/96/image_07628.jpg new file mode 100644 index 00000000..a2f2545c Binary files /dev/null and b/flowers/train/96/image_07628.jpg differ diff --git a/flowers/train/96/image_07629.jpg b/flowers/train/96/image_07629.jpg new file mode 100644 index 00000000..7519c0f1 Binary files /dev/null and b/flowers/train/96/image_07629.jpg differ diff --git a/flowers/train/96/image_07630.jpg b/flowers/train/96/image_07630.jpg new file mode 100644 index 00000000..f2f107ba Binary files /dev/null and b/flowers/train/96/image_07630.jpg differ diff --git a/flowers/train/96/image_07631.jpg b/flowers/train/96/image_07631.jpg new file mode 100644 index 00000000..1b5f4a7b Binary files /dev/null and b/flowers/train/96/image_07631.jpg differ diff --git a/flowers/train/96/image_07632.jpg b/flowers/train/96/image_07632.jpg new file mode 100644 index 00000000..82b8b40d Binary files /dev/null and b/flowers/train/96/image_07632.jpg differ diff --git a/flowers/train/96/image_07633.jpg b/flowers/train/96/image_07633.jpg new file mode 100644 index 00000000..c06d13cf Binary files /dev/null and b/flowers/train/96/image_07633.jpg differ diff --git a/flowers/train/96/image_07634.jpg b/flowers/train/96/image_07634.jpg new file mode 100644 index 00000000..574fa665 Binary files /dev/null and b/flowers/train/96/image_07634.jpg differ diff --git a/flowers/train/96/image_07635.jpg b/flowers/train/96/image_07635.jpg new file mode 100644 index 00000000..229aabcb Binary files /dev/null and b/flowers/train/96/image_07635.jpg differ diff --git a/flowers/train/96/image_07636.jpg b/flowers/train/96/image_07636.jpg new file mode 100644 index 00000000..6f6caace Binary files /dev/null and b/flowers/train/96/image_07636.jpg differ diff --git a/flowers/train/96/image_07637.jpg b/flowers/train/96/image_07637.jpg new file mode 100644 index 00000000..45ed2c58 Binary files /dev/null and b/flowers/train/96/image_07637.jpg differ diff --git a/flowers/train/96/image_07638.jpg b/flowers/train/96/image_07638.jpg new file mode 100644 index 00000000..2ff96a31 Binary files /dev/null and b/flowers/train/96/image_07638.jpg differ diff --git a/flowers/train/96/image_07639.jpg b/flowers/train/96/image_07639.jpg new file mode 100644 index 00000000..86586849 Binary files /dev/null and b/flowers/train/96/image_07639.jpg differ diff --git a/flowers/train/96/image_07640.jpg b/flowers/train/96/image_07640.jpg new file mode 100644 index 00000000..c9b271aa Binary files /dev/null and b/flowers/train/96/image_07640.jpg differ diff --git a/flowers/train/96/image_07641.jpg b/flowers/train/96/image_07641.jpg new file mode 100644 index 00000000..87e49a7f Binary files /dev/null and b/flowers/train/96/image_07641.jpg differ diff --git a/flowers/train/96/image_07642.jpg b/flowers/train/96/image_07642.jpg new file mode 100644 index 00000000..ab56bb56 Binary files /dev/null and b/flowers/train/96/image_07642.jpg differ diff --git a/flowers/train/96/image_07643.jpg b/flowers/train/96/image_07643.jpg new file mode 100644 index 00000000..5c8543a7 Binary files /dev/null and b/flowers/train/96/image_07643.jpg differ diff --git a/flowers/train/96/image_07644.jpg b/flowers/train/96/image_07644.jpg new file mode 100644 index 00000000..7b26d132 Binary files /dev/null and b/flowers/train/96/image_07644.jpg differ diff --git a/flowers/train/96/image_07645.jpg b/flowers/train/96/image_07645.jpg new file mode 100644 index 00000000..265969e7 Binary files /dev/null and b/flowers/train/96/image_07645.jpg differ diff --git a/flowers/train/96/image_07647.jpg b/flowers/train/96/image_07647.jpg new file mode 100644 index 00000000..1601fc8d Binary files /dev/null and b/flowers/train/96/image_07647.jpg differ diff --git a/flowers/train/96/image_07648.jpg b/flowers/train/96/image_07648.jpg new file mode 100644 index 00000000..e97adddc Binary files /dev/null and b/flowers/train/96/image_07648.jpg differ diff --git a/flowers/train/96/image_07649.jpg b/flowers/train/96/image_07649.jpg new file mode 100644 index 00000000..f53c1dce Binary files /dev/null and b/flowers/train/96/image_07649.jpg differ diff --git a/flowers/train/96/image_07650.jpg b/flowers/train/96/image_07650.jpg new file mode 100644 index 00000000..acea88e5 Binary files /dev/null and b/flowers/train/96/image_07650.jpg differ diff --git a/flowers/train/96/image_07651.jpg b/flowers/train/96/image_07651.jpg new file mode 100644 index 00000000..4072975a Binary files /dev/null and b/flowers/train/96/image_07651.jpg differ diff --git a/flowers/train/96/image_07652.jpg b/flowers/train/96/image_07652.jpg new file mode 100644 index 00000000..d94ad3ae Binary files /dev/null and b/flowers/train/96/image_07652.jpg differ diff --git a/flowers/train/96/image_07654.jpg b/flowers/train/96/image_07654.jpg new file mode 100644 index 00000000..55565e6f Binary files /dev/null and b/flowers/train/96/image_07654.jpg differ diff --git a/flowers/train/96/image_07655.jpg b/flowers/train/96/image_07655.jpg new file mode 100644 index 00000000..f07c9a25 Binary files /dev/null and b/flowers/train/96/image_07655.jpg differ diff --git a/flowers/train/96/image_07657.jpg b/flowers/train/96/image_07657.jpg new file mode 100644 index 00000000..d7f2ed13 Binary files /dev/null and b/flowers/train/96/image_07657.jpg differ diff --git a/flowers/train/96/image_07659.jpg b/flowers/train/96/image_07659.jpg new file mode 100644 index 00000000..d667b991 Binary files /dev/null and b/flowers/train/96/image_07659.jpg differ diff --git a/flowers/train/96/image_07660.jpg b/flowers/train/96/image_07660.jpg new file mode 100644 index 00000000..db8db9b9 Binary files /dev/null and b/flowers/train/96/image_07660.jpg differ diff --git a/flowers/train/96/image_07661.jpg b/flowers/train/96/image_07661.jpg new file mode 100644 index 00000000..ba4be6d9 Binary files /dev/null and b/flowers/train/96/image_07661.jpg differ diff --git a/flowers/train/96/image_07663.jpg b/flowers/train/96/image_07663.jpg new file mode 100644 index 00000000..ba78e230 Binary files /dev/null and b/flowers/train/96/image_07663.jpg differ diff --git a/flowers/train/96/image_07664.jpg b/flowers/train/96/image_07664.jpg new file mode 100644 index 00000000..4bc3a6ff Binary files /dev/null and b/flowers/train/96/image_07664.jpg differ diff --git a/flowers/train/96/image_07665.jpg b/flowers/train/96/image_07665.jpg new file mode 100644 index 00000000..1fc6ca62 Binary files /dev/null and b/flowers/train/96/image_07665.jpg differ diff --git a/flowers/train/96/image_07666.jpg b/flowers/train/96/image_07666.jpg new file mode 100644 index 00000000..cdf90168 Binary files /dev/null and b/flowers/train/96/image_07666.jpg differ diff --git a/flowers/train/96/image_07667.jpg b/flowers/train/96/image_07667.jpg new file mode 100644 index 00000000..af5fdbcb Binary files /dev/null and b/flowers/train/96/image_07667.jpg differ diff --git a/flowers/train/96/image_07671.jpg b/flowers/train/96/image_07671.jpg new file mode 100644 index 00000000..e9d62297 Binary files /dev/null and b/flowers/train/96/image_07671.jpg differ diff --git a/flowers/train/96/image_07673.jpg b/flowers/train/96/image_07673.jpg new file mode 100644 index 00000000..1bec8782 Binary files /dev/null and b/flowers/train/96/image_07673.jpg differ diff --git a/flowers/train/96/image_07674.jpg b/flowers/train/96/image_07674.jpg new file mode 100644 index 00000000..75fdabf1 Binary files /dev/null and b/flowers/train/96/image_07674.jpg differ diff --git a/flowers/train/96/image_07675.jpg b/flowers/train/96/image_07675.jpg new file mode 100644 index 00000000..eb101ba8 Binary files /dev/null and b/flowers/train/96/image_07675.jpg differ diff --git a/flowers/train/96/image_07678.jpg b/flowers/train/96/image_07678.jpg new file mode 100644 index 00000000..50af9802 Binary files /dev/null and b/flowers/train/96/image_07678.jpg differ diff --git a/flowers/train/96/image_07679.jpg b/flowers/train/96/image_07679.jpg new file mode 100644 index 00000000..4b29f61a Binary files /dev/null and b/flowers/train/96/image_07679.jpg differ diff --git a/flowers/train/96/image_07680.jpg b/flowers/train/96/image_07680.jpg new file mode 100644 index 00000000..7c2eb95b Binary files /dev/null and b/flowers/train/96/image_07680.jpg differ diff --git a/flowers/train/96/image_07681.jpg b/flowers/train/96/image_07681.jpg new file mode 100644 index 00000000..887e87fe Binary files /dev/null and b/flowers/train/96/image_07681.jpg differ diff --git a/flowers/train/96/image_07682.jpg b/flowers/train/96/image_07682.jpg new file mode 100644 index 00000000..64723929 Binary files /dev/null and b/flowers/train/96/image_07682.jpg differ diff --git a/flowers/train/96/image_07684.jpg b/flowers/train/96/image_07684.jpg new file mode 100644 index 00000000..60991759 Binary files /dev/null and b/flowers/train/96/image_07684.jpg differ diff --git a/flowers/train/97/image_07685.jpg b/flowers/train/97/image_07685.jpg new file mode 100644 index 00000000..13c82289 Binary files /dev/null and b/flowers/train/97/image_07685.jpg differ diff --git a/flowers/train/97/image_07686.jpg b/flowers/train/97/image_07686.jpg new file mode 100644 index 00000000..0a3b3e1c Binary files /dev/null and b/flowers/train/97/image_07686.jpg differ diff --git a/flowers/train/97/image_07687.jpg b/flowers/train/97/image_07687.jpg new file mode 100644 index 00000000..ee78018b Binary files /dev/null and b/flowers/train/97/image_07687.jpg differ diff --git a/flowers/train/97/image_07688.jpg b/flowers/train/97/image_07688.jpg new file mode 100644 index 00000000..8cf12c36 Binary files /dev/null and b/flowers/train/97/image_07688.jpg differ diff --git a/flowers/train/97/image_07689.jpg b/flowers/train/97/image_07689.jpg new file mode 100644 index 00000000..1b6d1715 Binary files /dev/null and b/flowers/train/97/image_07689.jpg differ diff --git a/flowers/train/97/image_07690.jpg b/flowers/train/97/image_07690.jpg new file mode 100644 index 00000000..40a8121b Binary files /dev/null and b/flowers/train/97/image_07690.jpg differ diff --git a/flowers/train/97/image_07691.jpg b/flowers/train/97/image_07691.jpg new file mode 100644 index 00000000..e8194929 Binary files /dev/null and b/flowers/train/97/image_07691.jpg differ diff --git a/flowers/train/97/image_07692.jpg b/flowers/train/97/image_07692.jpg new file mode 100644 index 00000000..514d3d58 Binary files /dev/null and b/flowers/train/97/image_07692.jpg differ diff --git a/flowers/train/97/image_07693.jpg b/flowers/train/97/image_07693.jpg new file mode 100644 index 00000000..4bb07081 Binary files /dev/null and b/flowers/train/97/image_07693.jpg differ diff --git a/flowers/train/97/image_07694.jpg b/flowers/train/97/image_07694.jpg new file mode 100644 index 00000000..8a94abe8 Binary files /dev/null and b/flowers/train/97/image_07694.jpg differ diff --git a/flowers/train/97/image_07695.jpg b/flowers/train/97/image_07695.jpg new file mode 100644 index 00000000..231c832c Binary files /dev/null and b/flowers/train/97/image_07695.jpg differ diff --git a/flowers/train/97/image_07698.jpg b/flowers/train/97/image_07698.jpg new file mode 100644 index 00000000..ff21ac1c Binary files /dev/null and b/flowers/train/97/image_07698.jpg differ diff --git a/flowers/train/97/image_07700.jpg b/flowers/train/97/image_07700.jpg new file mode 100644 index 00000000..92b2b7c2 Binary files /dev/null and b/flowers/train/97/image_07700.jpg differ diff --git a/flowers/train/97/image_07701.jpg b/flowers/train/97/image_07701.jpg new file mode 100644 index 00000000..f69b7c4a Binary files /dev/null and b/flowers/train/97/image_07701.jpg differ diff --git a/flowers/train/97/image_07702.jpg b/flowers/train/97/image_07702.jpg new file mode 100644 index 00000000..593402b0 Binary files /dev/null and b/flowers/train/97/image_07702.jpg differ diff --git a/flowers/train/97/image_07703.jpg b/flowers/train/97/image_07703.jpg new file mode 100644 index 00000000..c48d8a03 Binary files /dev/null and b/flowers/train/97/image_07703.jpg differ diff --git a/flowers/train/97/image_07704.jpg b/flowers/train/97/image_07704.jpg new file mode 100644 index 00000000..1f94d2a0 Binary files /dev/null and b/flowers/train/97/image_07704.jpg differ diff --git a/flowers/train/97/image_07705.jpg b/flowers/train/97/image_07705.jpg new file mode 100644 index 00000000..8977a967 Binary files /dev/null and b/flowers/train/97/image_07705.jpg differ diff --git a/flowers/train/97/image_07706.jpg b/flowers/train/97/image_07706.jpg new file mode 100644 index 00000000..3777f6a3 Binary files /dev/null and b/flowers/train/97/image_07706.jpg differ diff --git a/flowers/train/97/image_07707.jpg b/flowers/train/97/image_07707.jpg new file mode 100644 index 00000000..216eb765 Binary files /dev/null and b/flowers/train/97/image_07707.jpg differ diff --git a/flowers/train/97/image_07710.jpg b/flowers/train/97/image_07710.jpg new file mode 100644 index 00000000..9c06f7db Binary files /dev/null and b/flowers/train/97/image_07710.jpg differ diff --git a/flowers/train/97/image_07711.jpg b/flowers/train/97/image_07711.jpg new file mode 100644 index 00000000..ac3d1e2f Binary files /dev/null and b/flowers/train/97/image_07711.jpg differ diff --git a/flowers/train/97/image_07712.jpg b/flowers/train/97/image_07712.jpg new file mode 100644 index 00000000..34f61192 Binary files /dev/null and b/flowers/train/97/image_07712.jpg differ diff --git a/flowers/train/97/image_07713.jpg b/flowers/train/97/image_07713.jpg new file mode 100644 index 00000000..26b1302e Binary files /dev/null and b/flowers/train/97/image_07713.jpg differ diff --git a/flowers/train/97/image_07714.jpg b/flowers/train/97/image_07714.jpg new file mode 100644 index 00000000..1201fb7e Binary files /dev/null and b/flowers/train/97/image_07714.jpg differ diff --git a/flowers/train/97/image_07715.jpg b/flowers/train/97/image_07715.jpg new file mode 100644 index 00000000..a4e27c06 Binary files /dev/null and b/flowers/train/97/image_07715.jpg differ diff --git a/flowers/train/97/image_07716.jpg b/flowers/train/97/image_07716.jpg new file mode 100644 index 00000000..c8d82a69 Binary files /dev/null and b/flowers/train/97/image_07716.jpg differ diff --git a/flowers/train/97/image_07717.jpg b/flowers/train/97/image_07717.jpg new file mode 100644 index 00000000..6f5e3fd0 Binary files /dev/null and b/flowers/train/97/image_07717.jpg differ diff --git a/flowers/train/97/image_07720.jpg b/flowers/train/97/image_07720.jpg new file mode 100644 index 00000000..3acb9947 Binary files /dev/null and b/flowers/train/97/image_07720.jpg differ diff --git a/flowers/train/97/image_07721.jpg b/flowers/train/97/image_07721.jpg new file mode 100644 index 00000000..fe38f1bd Binary files /dev/null and b/flowers/train/97/image_07721.jpg differ diff --git a/flowers/train/97/image_07722.jpg b/flowers/train/97/image_07722.jpg new file mode 100644 index 00000000..85538373 Binary files /dev/null and b/flowers/train/97/image_07722.jpg differ diff --git a/flowers/train/97/image_07724.jpg b/flowers/train/97/image_07724.jpg new file mode 100644 index 00000000..178bd30b Binary files /dev/null and b/flowers/train/97/image_07724.jpg differ diff --git a/flowers/train/97/image_07725.jpg b/flowers/train/97/image_07725.jpg new file mode 100644 index 00000000..3c6d1460 Binary files /dev/null and b/flowers/train/97/image_07725.jpg differ diff --git a/flowers/train/97/image_07726.jpg b/flowers/train/97/image_07726.jpg new file mode 100644 index 00000000..f24c68e5 Binary files /dev/null and b/flowers/train/97/image_07726.jpg differ diff --git a/flowers/train/97/image_07728.jpg b/flowers/train/97/image_07728.jpg new file mode 100644 index 00000000..77fe09db Binary files /dev/null and b/flowers/train/97/image_07728.jpg differ diff --git a/flowers/train/97/image_07729.jpg b/flowers/train/97/image_07729.jpg new file mode 100644 index 00000000..da3da7c9 Binary files /dev/null and b/flowers/train/97/image_07729.jpg differ diff --git a/flowers/train/97/image_07730.jpg b/flowers/train/97/image_07730.jpg new file mode 100644 index 00000000..d9fb4dd5 Binary files /dev/null and b/flowers/train/97/image_07730.jpg differ diff --git a/flowers/train/97/image_07731.jpg b/flowers/train/97/image_07731.jpg new file mode 100644 index 00000000..1f4f8b04 Binary files /dev/null and b/flowers/train/97/image_07731.jpg differ diff --git a/flowers/train/97/image_07732.jpg b/flowers/train/97/image_07732.jpg new file mode 100644 index 00000000..d9ccbd40 Binary files /dev/null and b/flowers/train/97/image_07732.jpg differ diff --git a/flowers/train/97/image_07733.jpg b/flowers/train/97/image_07733.jpg new file mode 100644 index 00000000..550bf7fd Binary files /dev/null and b/flowers/train/97/image_07733.jpg differ diff --git a/flowers/train/97/image_07734.jpg b/flowers/train/97/image_07734.jpg new file mode 100644 index 00000000..18c61458 Binary files /dev/null and b/flowers/train/97/image_07734.jpg differ diff --git a/flowers/train/97/image_07735.jpg b/flowers/train/97/image_07735.jpg new file mode 100644 index 00000000..02b45973 Binary files /dev/null and b/flowers/train/97/image_07735.jpg differ diff --git a/flowers/train/97/image_07736.jpg b/flowers/train/97/image_07736.jpg new file mode 100644 index 00000000..8e43919b Binary files /dev/null and b/flowers/train/97/image_07736.jpg differ diff --git a/flowers/train/97/image_07738.jpg b/flowers/train/97/image_07738.jpg new file mode 100644 index 00000000..aedbe308 Binary files /dev/null and b/flowers/train/97/image_07738.jpg differ diff --git a/flowers/train/97/image_07740.jpg b/flowers/train/97/image_07740.jpg new file mode 100644 index 00000000..cae58db5 Binary files /dev/null and b/flowers/train/97/image_07740.jpg differ diff --git a/flowers/train/97/image_07741.jpg b/flowers/train/97/image_07741.jpg new file mode 100644 index 00000000..8c685a80 Binary files /dev/null and b/flowers/train/97/image_07741.jpg differ diff --git a/flowers/train/97/image_07742.jpg b/flowers/train/97/image_07742.jpg new file mode 100644 index 00000000..1380b1a1 Binary files /dev/null and b/flowers/train/97/image_07742.jpg differ diff --git a/flowers/train/97/image_07743.jpg b/flowers/train/97/image_07743.jpg new file mode 100644 index 00000000..69e83648 Binary files /dev/null and b/flowers/train/97/image_07743.jpg differ diff --git a/flowers/train/97/image_07744.jpg b/flowers/train/97/image_07744.jpg new file mode 100644 index 00000000..6545a1de Binary files /dev/null and b/flowers/train/97/image_07744.jpg differ diff --git a/flowers/train/97/image_07746.jpg b/flowers/train/97/image_07746.jpg new file mode 100644 index 00000000..899697e3 Binary files /dev/null and b/flowers/train/97/image_07746.jpg differ diff --git a/flowers/train/97/image_07747.jpg b/flowers/train/97/image_07747.jpg new file mode 100644 index 00000000..a9aa80b6 Binary files /dev/null and b/flowers/train/97/image_07747.jpg differ diff --git a/flowers/train/97/image_07748.jpg b/flowers/train/97/image_07748.jpg new file mode 100644 index 00000000..a5312bfc Binary files /dev/null and b/flowers/train/97/image_07748.jpg differ diff --git a/flowers/train/97/image_07749.jpg b/flowers/train/97/image_07749.jpg new file mode 100644 index 00000000..b6156803 Binary files /dev/null and b/flowers/train/97/image_07749.jpg differ diff --git a/flowers/train/97/image_07750.jpg b/flowers/train/97/image_07750.jpg new file mode 100644 index 00000000..1ed9a0d9 Binary files /dev/null and b/flowers/train/97/image_07750.jpg differ diff --git a/flowers/train/98/image_07751.jpg b/flowers/train/98/image_07751.jpg new file mode 100644 index 00000000..77336f0d Binary files /dev/null and b/flowers/train/98/image_07751.jpg differ diff --git a/flowers/train/98/image_07752.jpg b/flowers/train/98/image_07752.jpg new file mode 100644 index 00000000..8f974f18 Binary files /dev/null and b/flowers/train/98/image_07752.jpg differ diff --git a/flowers/train/98/image_07754.jpg b/flowers/train/98/image_07754.jpg new file mode 100644 index 00000000..1d3dce7d Binary files /dev/null and b/flowers/train/98/image_07754.jpg differ diff --git a/flowers/train/98/image_07755.jpg b/flowers/train/98/image_07755.jpg new file mode 100644 index 00000000..8a99da7f Binary files /dev/null and b/flowers/train/98/image_07755.jpg differ diff --git a/flowers/train/98/image_07756.jpg b/flowers/train/98/image_07756.jpg new file mode 100644 index 00000000..81d31cbd Binary files /dev/null and b/flowers/train/98/image_07756.jpg differ diff --git a/flowers/train/98/image_07759.jpg b/flowers/train/98/image_07759.jpg new file mode 100644 index 00000000..ab38ec07 Binary files /dev/null and b/flowers/train/98/image_07759.jpg differ diff --git a/flowers/train/98/image_07760.jpg b/flowers/train/98/image_07760.jpg new file mode 100644 index 00000000..1ae7b320 Binary files /dev/null and b/flowers/train/98/image_07760.jpg differ diff --git a/flowers/train/98/image_07761.jpg b/flowers/train/98/image_07761.jpg new file mode 100644 index 00000000..75434382 Binary files /dev/null and b/flowers/train/98/image_07761.jpg differ diff --git a/flowers/train/98/image_07762.jpg b/flowers/train/98/image_07762.jpg new file mode 100644 index 00000000..aaa962b9 Binary files /dev/null and b/flowers/train/98/image_07762.jpg differ diff --git a/flowers/train/98/image_07763.jpg b/flowers/train/98/image_07763.jpg new file mode 100644 index 00000000..05fa5242 Binary files /dev/null and b/flowers/train/98/image_07763.jpg differ diff --git a/flowers/train/98/image_07765.jpg b/flowers/train/98/image_07765.jpg new file mode 100644 index 00000000..8502d014 Binary files /dev/null and b/flowers/train/98/image_07765.jpg differ diff --git a/flowers/train/98/image_07767.jpg b/flowers/train/98/image_07767.jpg new file mode 100644 index 00000000..edfe8518 Binary files /dev/null and b/flowers/train/98/image_07767.jpg differ diff --git a/flowers/train/98/image_07768.jpg b/flowers/train/98/image_07768.jpg new file mode 100644 index 00000000..7f33bd86 Binary files /dev/null and b/flowers/train/98/image_07768.jpg differ diff --git a/flowers/train/98/image_07770.jpg b/flowers/train/98/image_07770.jpg new file mode 100644 index 00000000..f835a1a6 Binary files /dev/null and b/flowers/train/98/image_07770.jpg differ diff --git a/flowers/train/98/image_07771.jpg b/flowers/train/98/image_07771.jpg new file mode 100644 index 00000000..84da4875 Binary files /dev/null and b/flowers/train/98/image_07771.jpg differ diff --git a/flowers/train/98/image_07772.jpg b/flowers/train/98/image_07772.jpg new file mode 100644 index 00000000..07d7064e Binary files /dev/null and b/flowers/train/98/image_07772.jpg differ diff --git a/flowers/train/98/image_07773.jpg b/flowers/train/98/image_07773.jpg new file mode 100644 index 00000000..513661f7 Binary files /dev/null and b/flowers/train/98/image_07773.jpg differ diff --git a/flowers/train/98/image_07774.jpg b/flowers/train/98/image_07774.jpg new file mode 100644 index 00000000..d95c96e5 Binary files /dev/null and b/flowers/train/98/image_07774.jpg differ diff --git a/flowers/train/98/image_07775.jpg b/flowers/train/98/image_07775.jpg new file mode 100644 index 00000000..c55fd1ff Binary files /dev/null and b/flowers/train/98/image_07775.jpg differ diff --git a/flowers/train/98/image_07776.jpg b/flowers/train/98/image_07776.jpg new file mode 100644 index 00000000..372a670d Binary files /dev/null and b/flowers/train/98/image_07776.jpg differ diff --git a/flowers/train/98/image_07779.jpg b/flowers/train/98/image_07779.jpg new file mode 100644 index 00000000..e5ec0f89 Binary files /dev/null and b/flowers/train/98/image_07779.jpg differ diff --git a/flowers/train/98/image_07780.jpg b/flowers/train/98/image_07780.jpg new file mode 100644 index 00000000..38517fb7 Binary files /dev/null and b/flowers/train/98/image_07780.jpg differ diff --git a/flowers/train/98/image_07781.jpg b/flowers/train/98/image_07781.jpg new file mode 100644 index 00000000..16582e40 Binary files /dev/null and b/flowers/train/98/image_07781.jpg differ diff --git a/flowers/train/98/image_07782.jpg b/flowers/train/98/image_07782.jpg new file mode 100644 index 00000000..c730a0c3 Binary files /dev/null and b/flowers/train/98/image_07782.jpg differ diff --git a/flowers/train/98/image_07783.jpg b/flowers/train/98/image_07783.jpg new file mode 100644 index 00000000..dd73cf43 Binary files /dev/null and b/flowers/train/98/image_07783.jpg differ diff --git a/flowers/train/98/image_07784.jpg b/flowers/train/98/image_07784.jpg new file mode 100644 index 00000000..08bbc56b Binary files /dev/null and b/flowers/train/98/image_07784.jpg differ diff --git a/flowers/train/98/image_07785.jpg b/flowers/train/98/image_07785.jpg new file mode 100644 index 00000000..22808c0b Binary files /dev/null and b/flowers/train/98/image_07785.jpg differ diff --git a/flowers/train/98/image_07786.jpg b/flowers/train/98/image_07786.jpg new file mode 100644 index 00000000..dfdd7f32 Binary files /dev/null and b/flowers/train/98/image_07786.jpg differ diff --git a/flowers/train/98/image_07788.jpg b/flowers/train/98/image_07788.jpg new file mode 100644 index 00000000..805421c9 Binary files /dev/null and b/flowers/train/98/image_07788.jpg differ diff --git a/flowers/train/98/image_07789.jpg b/flowers/train/98/image_07789.jpg new file mode 100644 index 00000000..c20d2e65 Binary files /dev/null and b/flowers/train/98/image_07789.jpg differ diff --git a/flowers/train/98/image_07790.jpg b/flowers/train/98/image_07790.jpg new file mode 100644 index 00000000..bbdfc41f Binary files /dev/null and b/flowers/train/98/image_07790.jpg differ diff --git a/flowers/train/98/image_07791.jpg b/flowers/train/98/image_07791.jpg new file mode 100644 index 00000000..0225c6e7 Binary files /dev/null and b/flowers/train/98/image_07791.jpg differ diff --git a/flowers/train/98/image_07793.jpg b/flowers/train/98/image_07793.jpg new file mode 100644 index 00000000..5c0000b8 Binary files /dev/null and b/flowers/train/98/image_07793.jpg differ diff --git a/flowers/train/98/image_07794.jpg b/flowers/train/98/image_07794.jpg new file mode 100644 index 00000000..87336282 Binary files /dev/null and b/flowers/train/98/image_07794.jpg differ diff --git a/flowers/train/98/image_07795.jpg b/flowers/train/98/image_07795.jpg new file mode 100644 index 00000000..0d59ca81 Binary files /dev/null and b/flowers/train/98/image_07795.jpg differ diff --git a/flowers/train/98/image_07797.jpg b/flowers/train/98/image_07797.jpg new file mode 100644 index 00000000..1bf93715 Binary files /dev/null and b/flowers/train/98/image_07797.jpg differ diff --git a/flowers/train/98/image_07798.jpg b/flowers/train/98/image_07798.jpg new file mode 100644 index 00000000..c7f9cb97 Binary files /dev/null and b/flowers/train/98/image_07798.jpg differ diff --git a/flowers/train/98/image_07799.jpg b/flowers/train/98/image_07799.jpg new file mode 100644 index 00000000..602a4e6f Binary files /dev/null and b/flowers/train/98/image_07799.jpg differ diff --git a/flowers/train/98/image_07800.jpg b/flowers/train/98/image_07800.jpg new file mode 100644 index 00000000..204ff970 Binary files /dev/null and b/flowers/train/98/image_07800.jpg differ diff --git a/flowers/train/98/image_07801.jpg b/flowers/train/98/image_07801.jpg new file mode 100644 index 00000000..9487aab2 Binary files /dev/null and b/flowers/train/98/image_07801.jpg differ diff --git a/flowers/train/98/image_07802.jpg b/flowers/train/98/image_07802.jpg new file mode 100644 index 00000000..48506425 Binary files /dev/null and b/flowers/train/98/image_07802.jpg differ diff --git a/flowers/train/98/image_07803.jpg b/flowers/train/98/image_07803.jpg new file mode 100644 index 00000000..08d377f5 Binary files /dev/null and b/flowers/train/98/image_07803.jpg differ diff --git a/flowers/train/98/image_07804.jpg b/flowers/train/98/image_07804.jpg new file mode 100644 index 00000000..721694a4 Binary files /dev/null and b/flowers/train/98/image_07804.jpg differ diff --git a/flowers/train/98/image_07805.jpg b/flowers/train/98/image_07805.jpg new file mode 100644 index 00000000..ba1b7645 Binary files /dev/null and b/flowers/train/98/image_07805.jpg differ diff --git a/flowers/train/98/image_07806.jpg b/flowers/train/98/image_07806.jpg new file mode 100644 index 00000000..9adc949b Binary files /dev/null and b/flowers/train/98/image_07806.jpg differ diff --git a/flowers/train/98/image_07807.jpg b/flowers/train/98/image_07807.jpg new file mode 100644 index 00000000..66af7051 Binary files /dev/null and b/flowers/train/98/image_07807.jpg differ diff --git a/flowers/train/98/image_07808.jpg b/flowers/train/98/image_07808.jpg new file mode 100644 index 00000000..3f588684 Binary files /dev/null and b/flowers/train/98/image_07808.jpg differ diff --git a/flowers/train/98/image_07809.jpg b/flowers/train/98/image_07809.jpg new file mode 100644 index 00000000..b4dbb647 Binary files /dev/null and b/flowers/train/98/image_07809.jpg differ diff --git a/flowers/train/98/image_07811.jpg b/flowers/train/98/image_07811.jpg new file mode 100644 index 00000000..68b2f27e Binary files /dev/null and b/flowers/train/98/image_07811.jpg differ diff --git a/flowers/train/98/image_07812.jpg b/flowers/train/98/image_07812.jpg new file mode 100644 index 00000000..0296fcc3 Binary files /dev/null and b/flowers/train/98/image_07812.jpg differ diff --git a/flowers/train/98/image_07813.jpg b/flowers/train/98/image_07813.jpg new file mode 100644 index 00000000..863c7b7b Binary files /dev/null and b/flowers/train/98/image_07813.jpg differ diff --git a/flowers/train/98/image_07814.jpg b/flowers/train/98/image_07814.jpg new file mode 100644 index 00000000..e90e02fe Binary files /dev/null and b/flowers/train/98/image_07814.jpg differ diff --git a/flowers/train/98/image_07815.jpg b/flowers/train/98/image_07815.jpg new file mode 100644 index 00000000..5304eb03 Binary files /dev/null and b/flowers/train/98/image_07815.jpg differ diff --git a/flowers/train/98/image_07816.jpg b/flowers/train/98/image_07816.jpg new file mode 100644 index 00000000..63d8d1c2 Binary files /dev/null and b/flowers/train/98/image_07816.jpg differ diff --git a/flowers/train/98/image_07817.jpg b/flowers/train/98/image_07817.jpg new file mode 100644 index 00000000..3abfac31 Binary files /dev/null and b/flowers/train/98/image_07817.jpg differ diff --git a/flowers/train/98/image_07818.jpg b/flowers/train/98/image_07818.jpg new file mode 100644 index 00000000..ecc7a8b9 Binary files /dev/null and b/flowers/train/98/image_07818.jpg differ diff --git a/flowers/train/98/image_07819.jpg b/flowers/train/98/image_07819.jpg new file mode 100644 index 00000000..d6c6fc4d Binary files /dev/null and b/flowers/train/98/image_07819.jpg differ diff --git a/flowers/train/98/image_07821.jpg b/flowers/train/98/image_07821.jpg new file mode 100644 index 00000000..95f9a74c Binary files /dev/null and b/flowers/train/98/image_07821.jpg differ diff --git a/flowers/train/98/image_07822.jpg b/flowers/train/98/image_07822.jpg new file mode 100644 index 00000000..96d2b68a Binary files /dev/null and b/flowers/train/98/image_07822.jpg differ diff --git a/flowers/train/98/image_07823.jpg b/flowers/train/98/image_07823.jpg new file mode 100644 index 00000000..a9d8eae3 Binary files /dev/null and b/flowers/train/98/image_07823.jpg differ diff --git a/flowers/train/98/image_07824.jpg b/flowers/train/98/image_07824.jpg new file mode 100644 index 00000000..ba932794 Binary files /dev/null and b/flowers/train/98/image_07824.jpg differ diff --git a/flowers/train/98/image_07825.jpg b/flowers/train/98/image_07825.jpg new file mode 100644 index 00000000..5725b585 Binary files /dev/null and b/flowers/train/98/image_07825.jpg differ diff --git a/flowers/train/98/image_07826.jpg b/flowers/train/98/image_07826.jpg new file mode 100644 index 00000000..a2377371 Binary files /dev/null and b/flowers/train/98/image_07826.jpg differ diff --git a/flowers/train/98/image_07828.jpg b/flowers/train/98/image_07828.jpg new file mode 100644 index 00000000..185a55c3 Binary files /dev/null and b/flowers/train/98/image_07828.jpg differ diff --git a/flowers/train/98/image_07829.jpg b/flowers/train/98/image_07829.jpg new file mode 100644 index 00000000..120614f6 Binary files /dev/null and b/flowers/train/98/image_07829.jpg differ diff --git a/flowers/train/98/image_07830.jpg b/flowers/train/98/image_07830.jpg new file mode 100644 index 00000000..f56f36ff Binary files /dev/null and b/flowers/train/98/image_07830.jpg differ diff --git a/flowers/train/98/image_07831.jpg b/flowers/train/98/image_07831.jpg new file mode 100644 index 00000000..a67f2860 Binary files /dev/null and b/flowers/train/98/image_07831.jpg differ diff --git a/flowers/train/98/image_07832.jpg b/flowers/train/98/image_07832.jpg new file mode 100644 index 00000000..cac9d25f Binary files /dev/null and b/flowers/train/98/image_07832.jpg differ diff --git a/flowers/train/99/image_07834.jpg b/flowers/train/99/image_07834.jpg new file mode 100644 index 00000000..e0907c00 Binary files /dev/null and b/flowers/train/99/image_07834.jpg differ diff --git a/flowers/train/99/image_07835.jpg b/flowers/train/99/image_07835.jpg new file mode 100644 index 00000000..9c155662 Binary files /dev/null and b/flowers/train/99/image_07835.jpg differ diff --git a/flowers/train/99/image_07836.jpg b/flowers/train/99/image_07836.jpg new file mode 100644 index 00000000..fd7d92d4 Binary files /dev/null and b/flowers/train/99/image_07836.jpg differ diff --git a/flowers/train/99/image_07837.jpg b/flowers/train/99/image_07837.jpg new file mode 100644 index 00000000..72856f2e Binary files /dev/null and b/flowers/train/99/image_07837.jpg differ diff --git a/flowers/train/99/image_07839.jpg b/flowers/train/99/image_07839.jpg new file mode 100644 index 00000000..d164e488 Binary files /dev/null and b/flowers/train/99/image_07839.jpg differ diff --git a/flowers/train/99/image_07841.jpg b/flowers/train/99/image_07841.jpg new file mode 100644 index 00000000..03248f0c Binary files /dev/null and b/flowers/train/99/image_07841.jpg differ diff --git a/flowers/train/99/image_07842.jpg b/flowers/train/99/image_07842.jpg new file mode 100644 index 00000000..bbdf4640 Binary files /dev/null and b/flowers/train/99/image_07842.jpg differ diff --git a/flowers/train/99/image_07843.jpg b/flowers/train/99/image_07843.jpg new file mode 100644 index 00000000..a03fd394 Binary files /dev/null and b/flowers/train/99/image_07843.jpg differ diff --git a/flowers/train/99/image_07844.jpg b/flowers/train/99/image_07844.jpg new file mode 100644 index 00000000..90afebda Binary files /dev/null and b/flowers/train/99/image_07844.jpg differ diff --git a/flowers/train/99/image_07845.jpg b/flowers/train/99/image_07845.jpg new file mode 100644 index 00000000..e240102b Binary files /dev/null and b/flowers/train/99/image_07845.jpg differ diff --git a/flowers/train/99/image_07846.jpg b/flowers/train/99/image_07846.jpg new file mode 100644 index 00000000..f6cc7b1e Binary files /dev/null and b/flowers/train/99/image_07846.jpg differ diff --git a/flowers/train/99/image_07847.jpg b/flowers/train/99/image_07847.jpg new file mode 100644 index 00000000..d9af5741 Binary files /dev/null and b/flowers/train/99/image_07847.jpg differ diff --git a/flowers/train/99/image_07848.jpg b/flowers/train/99/image_07848.jpg new file mode 100644 index 00000000..de2e917a Binary files /dev/null and b/flowers/train/99/image_07848.jpg differ diff --git a/flowers/train/99/image_07849.jpg b/flowers/train/99/image_07849.jpg new file mode 100644 index 00000000..ee1b868e Binary files /dev/null and b/flowers/train/99/image_07849.jpg differ diff --git a/flowers/train/99/image_07850.jpg b/flowers/train/99/image_07850.jpg new file mode 100644 index 00000000..b5b505f4 Binary files /dev/null and b/flowers/train/99/image_07850.jpg differ diff --git a/flowers/train/99/image_07851.jpg b/flowers/train/99/image_07851.jpg new file mode 100644 index 00000000..64e69984 Binary files /dev/null and b/flowers/train/99/image_07851.jpg differ diff --git a/flowers/train/99/image_07852.jpg b/flowers/train/99/image_07852.jpg new file mode 100644 index 00000000..6ac3c0cd Binary files /dev/null and b/flowers/train/99/image_07852.jpg differ diff --git a/flowers/train/99/image_07853.jpg b/flowers/train/99/image_07853.jpg new file mode 100644 index 00000000..cf90b094 Binary files /dev/null and b/flowers/train/99/image_07853.jpg differ diff --git a/flowers/train/99/image_07855.jpg b/flowers/train/99/image_07855.jpg new file mode 100644 index 00000000..9b3d0e1b Binary files /dev/null and b/flowers/train/99/image_07855.jpg differ diff --git a/flowers/train/99/image_07856.jpg b/flowers/train/99/image_07856.jpg new file mode 100644 index 00000000..63410787 Binary files /dev/null and b/flowers/train/99/image_07856.jpg differ diff --git a/flowers/train/99/image_07858.jpg b/flowers/train/99/image_07858.jpg new file mode 100644 index 00000000..e4a6baf6 Binary files /dev/null and b/flowers/train/99/image_07858.jpg differ diff --git a/flowers/train/99/image_07859.jpg b/flowers/train/99/image_07859.jpg new file mode 100644 index 00000000..35003ae5 Binary files /dev/null and b/flowers/train/99/image_07859.jpg differ diff --git a/flowers/train/99/image_07861.jpg b/flowers/train/99/image_07861.jpg new file mode 100644 index 00000000..69aa185c Binary files /dev/null and b/flowers/train/99/image_07861.jpg differ diff --git a/flowers/train/99/image_07863.jpg b/flowers/train/99/image_07863.jpg new file mode 100644 index 00000000..bf9321f8 Binary files /dev/null and b/flowers/train/99/image_07863.jpg differ diff --git a/flowers/train/99/image_07864.jpg b/flowers/train/99/image_07864.jpg new file mode 100644 index 00000000..1116a6b3 Binary files /dev/null and b/flowers/train/99/image_07864.jpg differ diff --git a/flowers/train/99/image_07865.jpg b/flowers/train/99/image_07865.jpg new file mode 100644 index 00000000..966064e0 Binary files /dev/null and b/flowers/train/99/image_07865.jpg differ diff --git a/flowers/train/99/image_07866.jpg b/flowers/train/99/image_07866.jpg new file mode 100644 index 00000000..2046fac6 Binary files /dev/null and b/flowers/train/99/image_07866.jpg differ diff --git a/flowers/train/99/image_07867.jpg b/flowers/train/99/image_07867.jpg new file mode 100644 index 00000000..ec400e57 Binary files /dev/null and b/flowers/train/99/image_07867.jpg differ diff --git a/flowers/train/99/image_07868.jpg b/flowers/train/99/image_07868.jpg new file mode 100644 index 00000000..56c4e353 Binary files /dev/null and b/flowers/train/99/image_07868.jpg differ diff --git a/flowers/train/99/image_07870.jpg b/flowers/train/99/image_07870.jpg new file mode 100644 index 00000000..90f96e73 Binary files /dev/null and b/flowers/train/99/image_07870.jpg differ diff --git a/flowers/train/99/image_07872.jpg b/flowers/train/99/image_07872.jpg new file mode 100644 index 00000000..fb3f65a7 Binary files /dev/null and b/flowers/train/99/image_07872.jpg differ diff --git a/flowers/train/99/image_07876.jpg b/flowers/train/99/image_07876.jpg new file mode 100644 index 00000000..79a06b01 Binary files /dev/null and b/flowers/train/99/image_07876.jpg differ diff --git a/flowers/train/99/image_07877.jpg b/flowers/train/99/image_07877.jpg new file mode 100644 index 00000000..10d9a20a Binary files /dev/null and b/flowers/train/99/image_07877.jpg differ diff --git a/flowers/train/99/image_07878.jpg b/flowers/train/99/image_07878.jpg new file mode 100644 index 00000000..69268e58 Binary files /dev/null and b/flowers/train/99/image_07878.jpg differ diff --git a/flowers/train/99/image_07879.jpg b/flowers/train/99/image_07879.jpg new file mode 100644 index 00000000..acf493e0 Binary files /dev/null and b/flowers/train/99/image_07879.jpg differ diff --git a/flowers/train/99/image_07880.jpg b/flowers/train/99/image_07880.jpg new file mode 100644 index 00000000..97fa1d1f Binary files /dev/null and b/flowers/train/99/image_07880.jpg differ diff --git a/flowers/train/99/image_07881.jpg b/flowers/train/99/image_07881.jpg new file mode 100644 index 00000000..63b7110d Binary files /dev/null and b/flowers/train/99/image_07881.jpg differ diff --git a/flowers/train/99/image_07882.jpg b/flowers/train/99/image_07882.jpg new file mode 100644 index 00000000..9d681fdf Binary files /dev/null and b/flowers/train/99/image_07882.jpg differ diff --git a/flowers/train/99/image_07883.jpg b/flowers/train/99/image_07883.jpg new file mode 100644 index 00000000..94dc94f6 Binary files /dev/null and b/flowers/train/99/image_07883.jpg differ diff --git a/flowers/train/99/image_07884.jpg b/flowers/train/99/image_07884.jpg new file mode 100644 index 00000000..b68cab09 Binary files /dev/null and b/flowers/train/99/image_07884.jpg differ diff --git a/flowers/train/99/image_07885.jpg b/flowers/train/99/image_07885.jpg new file mode 100644 index 00000000..06875757 Binary files /dev/null and b/flowers/train/99/image_07885.jpg differ diff --git a/flowers/train/99/image_07886.jpg b/flowers/train/99/image_07886.jpg new file mode 100644 index 00000000..06875757 Binary files /dev/null and b/flowers/train/99/image_07886.jpg differ diff --git a/flowers/train/99/image_07887.jpg b/flowers/train/99/image_07887.jpg new file mode 100644 index 00000000..04243ad3 Binary files /dev/null and b/flowers/train/99/image_07887.jpg differ diff --git a/flowers/train/99/image_07888.jpg b/flowers/train/99/image_07888.jpg new file mode 100644 index 00000000..513280e8 Binary files /dev/null and b/flowers/train/99/image_07888.jpg differ diff --git a/flowers/train/99/image_07889.jpg b/flowers/train/99/image_07889.jpg new file mode 100644 index 00000000..b2488583 Binary files /dev/null and b/flowers/train/99/image_07889.jpg differ diff --git a/flowers/train/99/image_07890.jpg b/flowers/train/99/image_07890.jpg new file mode 100644 index 00000000..a1e47def Binary files /dev/null and b/flowers/train/99/image_07890.jpg differ diff --git a/flowers/train/99/image_07891.jpg b/flowers/train/99/image_07891.jpg new file mode 100644 index 00000000..64473e21 Binary files /dev/null and b/flowers/train/99/image_07891.jpg differ diff --git a/flowers/train/99/image_07892.jpg b/flowers/train/99/image_07892.jpg new file mode 100644 index 00000000..2a3dfbdb Binary files /dev/null and b/flowers/train/99/image_07892.jpg differ diff --git a/flowers/train/99/image_08062.jpg b/flowers/train/99/image_08062.jpg new file mode 100644 index 00000000..16a66ba6 Binary files /dev/null and b/flowers/train/99/image_08062.jpg differ diff --git a/flowers/train/99/image_08064.jpg b/flowers/train/99/image_08064.jpg new file mode 100644 index 00000000..e49525f0 Binary files /dev/null and b/flowers/train/99/image_08064.jpg differ diff --git a/flowers/valid/1/image_06739.jpg b/flowers/valid/1/image_06739.jpg new file mode 100644 index 00000000..19a1ed6a Binary files /dev/null and b/flowers/valid/1/image_06739.jpg differ diff --git a/flowers/valid/1/image_06749.jpg b/flowers/valid/1/image_06749.jpg new file mode 100644 index 00000000..fecce7e0 Binary files /dev/null and b/flowers/valid/1/image_06749.jpg differ diff --git a/flowers/valid/1/image_06755.jpg b/flowers/valid/1/image_06755.jpg new file mode 100644 index 00000000..e42ed101 Binary files /dev/null and b/flowers/valid/1/image_06755.jpg differ diff --git a/flowers/valid/1/image_06756.jpg b/flowers/valid/1/image_06756.jpg new file mode 100644 index 00000000..264bc6be Binary files /dev/null and b/flowers/valid/1/image_06756.jpg differ diff --git a/flowers/valid/1/image_06758.jpg b/flowers/valid/1/image_06758.jpg new file mode 100644 index 00000000..9336f29b Binary files /dev/null and b/flowers/valid/1/image_06758.jpg differ diff --git a/flowers/valid/1/image_06763.jpg b/flowers/valid/1/image_06763.jpg new file mode 100644 index 00000000..9947e988 Binary files /dev/null and b/flowers/valid/1/image_06763.jpg differ diff --git a/flowers/valid/1/image_06765.jpg b/flowers/valid/1/image_06765.jpg new file mode 100644 index 00000000..5622d2c6 Binary files /dev/null and b/flowers/valid/1/image_06765.jpg differ diff --git a/flowers/valid/1/image_06769.jpg b/flowers/valid/1/image_06769.jpg new file mode 100644 index 00000000..b5a102ad Binary files /dev/null and b/flowers/valid/1/image_06769.jpg differ diff --git a/flowers/valid/10/image_07094.jpg b/flowers/valid/10/image_07094.jpg new file mode 100644 index 00000000..773a642c Binary files /dev/null and b/flowers/valid/10/image_07094.jpg differ diff --git a/flowers/valid/10/image_07101.jpg b/flowers/valid/10/image_07101.jpg new file mode 100644 index 00000000..de304cb1 Binary files /dev/null and b/flowers/valid/10/image_07101.jpg differ diff --git a/flowers/valid/10/image_07102.jpg b/flowers/valid/10/image_07102.jpg new file mode 100644 index 00000000..6fe710d0 Binary files /dev/null and b/flowers/valid/10/image_07102.jpg differ diff --git a/flowers/valid/10/image_07107.jpg b/flowers/valid/10/image_07107.jpg new file mode 100644 index 00000000..2a501c53 Binary files /dev/null and b/flowers/valid/10/image_07107.jpg differ diff --git a/flowers/valid/100/image_07895.jpg b/flowers/valid/100/image_07895.jpg new file mode 100644 index 00000000..fd349a86 Binary files /dev/null and b/flowers/valid/100/image_07895.jpg differ diff --git a/flowers/valid/100/image_07904.jpg b/flowers/valid/100/image_07904.jpg new file mode 100644 index 00000000..07a5d4b3 Binary files /dev/null and b/flowers/valid/100/image_07904.jpg differ diff --git a/flowers/valid/100/image_07905.jpg b/flowers/valid/100/image_07905.jpg new file mode 100644 index 00000000..30018873 Binary files /dev/null and b/flowers/valid/100/image_07905.jpg differ diff --git a/flowers/valid/100/image_07917.jpg b/flowers/valid/100/image_07917.jpg new file mode 100644 index 00000000..5d4f4a66 Binary files /dev/null and b/flowers/valid/100/image_07917.jpg differ diff --git a/flowers/valid/100/image_07929.jpg b/flowers/valid/100/image_07929.jpg new file mode 100644 index 00000000..e636c741 Binary files /dev/null and b/flowers/valid/100/image_07929.jpg differ diff --git a/flowers/valid/100/image_07931.jpg b/flowers/valid/100/image_07931.jpg new file mode 100644 index 00000000..f38e4c60 Binary files /dev/null and b/flowers/valid/100/image_07931.jpg differ diff --git a/flowers/valid/101/image_07951.jpg b/flowers/valid/101/image_07951.jpg new file mode 100644 index 00000000..ca5bcf6c Binary files /dev/null and b/flowers/valid/101/image_07951.jpg differ diff --git a/flowers/valid/101/image_07962.jpg b/flowers/valid/101/image_07962.jpg new file mode 100644 index 00000000..fc2b00a6 Binary files /dev/null and b/flowers/valid/101/image_07962.jpg differ diff --git a/flowers/valid/101/image_07963.jpg b/flowers/valid/101/image_07963.jpg new file mode 100644 index 00000000..e60c5082 Binary files /dev/null and b/flowers/valid/101/image_07963.jpg differ diff --git a/flowers/valid/101/image_07970.jpg b/flowers/valid/101/image_07970.jpg new file mode 100644 index 00000000..93f4db04 Binary files /dev/null and b/flowers/valid/101/image_07970.jpg differ diff --git a/flowers/valid/101/image_07985.jpg b/flowers/valid/101/image_07985.jpg new file mode 100644 index 00000000..2fd35811 Binary files /dev/null and b/flowers/valid/101/image_07985.jpg differ diff --git a/flowers/valid/102/image_08002.jpg b/flowers/valid/102/image_08002.jpg new file mode 100644 index 00000000..f844ab2f Binary files /dev/null and b/flowers/valid/102/image_08002.jpg differ diff --git a/flowers/valid/102/image_08006.jpg b/flowers/valid/102/image_08006.jpg new file mode 100644 index 00000000..f85ca8ae Binary files /dev/null and b/flowers/valid/102/image_08006.jpg differ diff --git a/flowers/valid/102/image_08014.jpg b/flowers/valid/102/image_08014.jpg new file mode 100644 index 00000000..26ddffd6 Binary files /dev/null and b/flowers/valid/102/image_08014.jpg differ diff --git a/flowers/valid/102/image_08038.jpg b/flowers/valid/102/image_08038.jpg new file mode 100644 index 00000000..c1fcb130 Binary files /dev/null and b/flowers/valid/102/image_08038.jpg differ diff --git a/flowers/valid/102/image_08040.jpg b/flowers/valid/102/image_08040.jpg new file mode 100644 index 00000000..ca0d6c0d Binary files /dev/null and b/flowers/valid/102/image_08040.jpg differ diff --git a/flowers/valid/102/image_08041.jpg b/flowers/valid/102/image_08041.jpg new file mode 100644 index 00000000..d263de79 Binary files /dev/null and b/flowers/valid/102/image_08041.jpg differ diff --git a/flowers/valid/11/image_03100.jpg b/flowers/valid/11/image_03100.jpg new file mode 100644 index 00000000..2bfe602f Binary files /dev/null and b/flowers/valid/11/image_03100.jpg differ diff --git a/flowers/valid/11/image_03108.jpg b/flowers/valid/11/image_03108.jpg new file mode 100644 index 00000000..994fcbcc Binary files /dev/null and b/flowers/valid/11/image_03108.jpg differ diff --git a/flowers/valid/11/image_03111.jpg b/flowers/valid/11/image_03111.jpg new file mode 100644 index 00000000..41d25ce6 Binary files /dev/null and b/flowers/valid/11/image_03111.jpg differ diff --git a/flowers/valid/11/image_03116.jpg b/flowers/valid/11/image_03116.jpg new file mode 100644 index 00000000..3661a178 Binary files /dev/null and b/flowers/valid/11/image_03116.jpg differ diff --git a/flowers/valid/11/image_03125.jpg b/flowers/valid/11/image_03125.jpg new file mode 100644 index 00000000..4c0b891c Binary files /dev/null and b/flowers/valid/11/image_03125.jpg differ diff --git a/flowers/valid/11/image_03128.jpg b/flowers/valid/11/image_03128.jpg new file mode 100644 index 00000000..4c82a371 Binary files /dev/null and b/flowers/valid/11/image_03128.jpg differ diff --git a/flowers/valid/11/image_03139.jpg b/flowers/valid/11/image_03139.jpg new file mode 100644 index 00000000..081db6cb Binary files /dev/null and b/flowers/valid/11/image_03139.jpg differ diff --git a/flowers/valid/11/image_03145.jpg b/flowers/valid/11/image_03145.jpg new file mode 100644 index 00000000..9325366c Binary files /dev/null and b/flowers/valid/11/image_03145.jpg differ diff --git a/flowers/valid/11/image_03157.jpg b/flowers/valid/11/image_03157.jpg new file mode 100644 index 00000000..8720f940 Binary files /dev/null and b/flowers/valid/11/image_03157.jpg differ diff --git a/flowers/valid/11/image_03173.jpg b/flowers/valid/11/image_03173.jpg new file mode 100644 index 00000000..49af64ca Binary files /dev/null and b/flowers/valid/11/image_03173.jpg differ diff --git a/flowers/valid/12/image_03997.jpg b/flowers/valid/12/image_03997.jpg new file mode 100644 index 00000000..0fa10689 Binary files /dev/null and b/flowers/valid/12/image_03997.jpg differ diff --git a/flowers/valid/12/image_03998.jpg b/flowers/valid/12/image_03998.jpg new file mode 100644 index 00000000..518cba90 Binary files /dev/null and b/flowers/valid/12/image_03998.jpg differ diff --git a/flowers/valid/12/image_04013.jpg b/flowers/valid/12/image_04013.jpg new file mode 100644 index 00000000..520acaab Binary files /dev/null and b/flowers/valid/12/image_04013.jpg differ diff --git a/flowers/valid/12/image_04072.jpg b/flowers/valid/12/image_04072.jpg new file mode 100644 index 00000000..464991a3 Binary files /dev/null and b/flowers/valid/12/image_04072.jpg differ diff --git a/flowers/valid/12/image_04080.jpg b/flowers/valid/12/image_04080.jpg new file mode 100644 index 00000000..f8f5089f Binary files /dev/null and b/flowers/valid/12/image_04080.jpg differ diff --git a/flowers/valid/13/image_05749.jpg b/flowers/valid/13/image_05749.jpg new file mode 100644 index 00000000..3dfa78df Binary files /dev/null and b/flowers/valid/13/image_05749.jpg differ diff --git a/flowers/valid/13/image_05759.jpg b/flowers/valid/13/image_05759.jpg new file mode 100644 index 00000000..13d513ad Binary files /dev/null and b/flowers/valid/13/image_05759.jpg differ diff --git a/flowers/valid/13/image_05763.jpg b/flowers/valid/13/image_05763.jpg new file mode 100644 index 00000000..b0972255 Binary files /dev/null and b/flowers/valid/13/image_05763.jpg differ diff --git a/flowers/valid/13/image_05772.jpg b/flowers/valid/13/image_05772.jpg new file mode 100644 index 00000000..e62df8d3 Binary files /dev/null and b/flowers/valid/13/image_05772.jpg differ diff --git a/flowers/valid/13/image_05783.jpg b/flowers/valid/13/image_05783.jpg new file mode 100644 index 00000000..2a31e85d Binary files /dev/null and b/flowers/valid/13/image_05783.jpg differ diff --git a/flowers/valid/14/image_06082.jpg b/flowers/valid/14/image_06082.jpg new file mode 100644 index 00000000..779a5a59 Binary files /dev/null and b/flowers/valid/14/image_06082.jpg differ diff --git a/flowers/valid/15/image_06346.jpg b/flowers/valid/15/image_06346.jpg new file mode 100644 index 00000000..254d48ca Binary files /dev/null and b/flowers/valid/15/image_06346.jpg differ diff --git a/flowers/valid/15/image_06353.jpg b/flowers/valid/15/image_06353.jpg new file mode 100644 index 00000000..008d889c Binary files /dev/null and b/flowers/valid/15/image_06353.jpg differ diff --git a/flowers/valid/15/image_06354.jpg b/flowers/valid/15/image_06354.jpg new file mode 100644 index 00000000..dfc55f52 Binary files /dev/null and b/flowers/valid/15/image_06354.jpg differ diff --git a/flowers/valid/15/image_06358.jpg b/flowers/valid/15/image_06358.jpg new file mode 100644 index 00000000..3d5488ce Binary files /dev/null and b/flowers/valid/15/image_06358.jpg differ diff --git a/flowers/valid/15/image_06385.jpg b/flowers/valid/15/image_06385.jpg new file mode 100644 index 00000000..580486c6 Binary files /dev/null and b/flowers/valid/15/image_06385.jpg differ diff --git a/flowers/valid/15/image_06386.jpg b/flowers/valid/15/image_06386.jpg new file mode 100644 index 00000000..21b10652 Binary files /dev/null and b/flowers/valid/15/image_06386.jpg differ diff --git a/flowers/valid/15/image_06389.jpg b/flowers/valid/15/image_06389.jpg new file mode 100644 index 00000000..5f9df0f2 Binary files /dev/null and b/flowers/valid/15/image_06389.jpg differ diff --git a/flowers/valid/16/image_06671.jpg b/flowers/valid/16/image_06671.jpg new file mode 100644 index 00000000..b9bebe85 Binary files /dev/null and b/flowers/valid/16/image_06671.jpg differ diff --git a/flowers/valid/16/image_06691.jpg b/flowers/valid/16/image_06691.jpg new file mode 100644 index 00000000..4879f421 Binary files /dev/null and b/flowers/valid/16/image_06691.jpg differ diff --git a/flowers/valid/17/image_03829.jpg b/flowers/valid/17/image_03829.jpg new file mode 100644 index 00000000..9f98303e Binary files /dev/null and b/flowers/valid/17/image_03829.jpg differ diff --git a/flowers/valid/17/image_03831.jpg b/flowers/valid/17/image_03831.jpg new file mode 100644 index 00000000..001c334e Binary files /dev/null and b/flowers/valid/17/image_03831.jpg differ diff --git a/flowers/valid/17/image_03834.jpg b/flowers/valid/17/image_03834.jpg new file mode 100644 index 00000000..d15e6b8e Binary files /dev/null and b/flowers/valid/17/image_03834.jpg differ diff --git a/flowers/valid/17/image_03837.jpg b/flowers/valid/17/image_03837.jpg new file mode 100644 index 00000000..0e4f407a Binary files /dev/null and b/flowers/valid/17/image_03837.jpg differ diff --git a/flowers/valid/17/image_03839.jpg b/flowers/valid/17/image_03839.jpg new file mode 100644 index 00000000..3fb3afb3 Binary files /dev/null and b/flowers/valid/17/image_03839.jpg differ diff --git a/flowers/valid/17/image_03842.jpg b/flowers/valid/17/image_03842.jpg new file mode 100644 index 00000000..5029e3b6 Binary files /dev/null and b/flowers/valid/17/image_03842.jpg differ diff --git a/flowers/valid/17/image_03843.jpg b/flowers/valid/17/image_03843.jpg new file mode 100644 index 00000000..04a15c1a Binary files /dev/null and b/flowers/valid/17/image_03843.jpg differ diff --git a/flowers/valid/17/image_03851.jpg b/flowers/valid/17/image_03851.jpg new file mode 100644 index 00000000..0159a673 Binary files /dev/null and b/flowers/valid/17/image_03851.jpg differ diff --git a/flowers/valid/17/image_03854.jpg b/flowers/valid/17/image_03854.jpg new file mode 100644 index 00000000..c17f7491 Binary files /dev/null and b/flowers/valid/17/image_03854.jpg differ diff --git a/flowers/valid/17/image_03856.jpg b/flowers/valid/17/image_03856.jpg new file mode 100644 index 00000000..ed479ab2 Binary files /dev/null and b/flowers/valid/17/image_03856.jpg differ diff --git a/flowers/valid/17/image_03868.jpg b/flowers/valid/17/image_03868.jpg new file mode 100644 index 00000000..1b92d896 Binary files /dev/null and b/flowers/valid/17/image_03868.jpg differ diff --git a/flowers/valid/17/image_03876.jpg b/flowers/valid/17/image_03876.jpg new file mode 100644 index 00000000..72664529 Binary files /dev/null and b/flowers/valid/17/image_03876.jpg differ diff --git a/flowers/valid/17/image_03883.jpg b/flowers/valid/17/image_03883.jpg new file mode 100644 index 00000000..24c118f1 Binary files /dev/null and b/flowers/valid/17/image_03883.jpg differ diff --git a/flowers/valid/17/image_03890.jpg b/flowers/valid/17/image_03890.jpg new file mode 100644 index 00000000..e725a2ec Binary files /dev/null and b/flowers/valid/17/image_03890.jpg differ diff --git a/flowers/valid/17/image_03907.jpg b/flowers/valid/17/image_03907.jpg new file mode 100644 index 00000000..04ac2ad1 Binary files /dev/null and b/flowers/valid/17/image_03907.jpg differ diff --git a/flowers/valid/17/image_03908.jpg b/flowers/valid/17/image_03908.jpg new file mode 100644 index 00000000..45f79040 Binary files /dev/null and b/flowers/valid/17/image_03908.jpg differ diff --git a/flowers/valid/18/image_04248.jpg b/flowers/valid/18/image_04248.jpg new file mode 100644 index 00000000..56d253be Binary files /dev/null and b/flowers/valid/18/image_04248.jpg differ diff --git a/flowers/valid/18/image_04252.jpg b/flowers/valid/18/image_04252.jpg new file mode 100644 index 00000000..5ed0d9fc Binary files /dev/null and b/flowers/valid/18/image_04252.jpg differ diff --git a/flowers/valid/18/image_04261.jpg b/flowers/valid/18/image_04261.jpg new file mode 100644 index 00000000..e20c960c Binary files /dev/null and b/flowers/valid/18/image_04261.jpg differ diff --git a/flowers/valid/18/image_04263.jpg b/flowers/valid/18/image_04263.jpg new file mode 100644 index 00000000..e8bc1a26 Binary files /dev/null and b/flowers/valid/18/image_04263.jpg differ diff --git a/flowers/valid/18/image_04278.jpg b/flowers/valid/18/image_04278.jpg new file mode 100644 index 00000000..49eef1c0 Binary files /dev/null and b/flowers/valid/18/image_04278.jpg differ diff --git a/flowers/valid/18/image_04290.jpg b/flowers/valid/18/image_04290.jpg new file mode 100644 index 00000000..a37456af Binary files /dev/null and b/flowers/valid/18/image_04290.jpg differ diff --git a/flowers/valid/18/image_04299.jpg b/flowers/valid/18/image_04299.jpg new file mode 100644 index 00000000..ebda7711 Binary files /dev/null and b/flowers/valid/18/image_04299.jpg differ diff --git a/flowers/valid/18/image_04311.jpg b/flowers/valid/18/image_04311.jpg new file mode 100644 index 00000000..ede74e60 Binary files /dev/null and b/flowers/valid/18/image_04311.jpg differ diff --git a/flowers/valid/18/image_04312.jpg b/flowers/valid/18/image_04312.jpg new file mode 100644 index 00000000..d9516355 Binary files /dev/null and b/flowers/valid/18/image_04312.jpg differ diff --git a/flowers/valid/18/image_04315.jpg b/flowers/valid/18/image_04315.jpg new file mode 100644 index 00000000..7a901be2 Binary files /dev/null and b/flowers/valid/18/image_04315.jpg differ diff --git a/flowers/valid/18/image_04317.jpg b/flowers/valid/18/image_04317.jpg new file mode 100644 index 00000000..2ac24f86 Binary files /dev/null and b/flowers/valid/18/image_04317.jpg differ diff --git a/flowers/valid/19/image_06158.jpg b/flowers/valid/19/image_06158.jpg new file mode 100644 index 00000000..4129c5c9 Binary files /dev/null and b/flowers/valid/19/image_06158.jpg differ diff --git a/flowers/valid/19/image_06165.jpg b/flowers/valid/19/image_06165.jpg new file mode 100644 index 00000000..0ace4fb1 Binary files /dev/null and b/flowers/valid/19/image_06165.jpg differ diff --git a/flowers/valid/19/image_06187.jpg b/flowers/valid/19/image_06187.jpg new file mode 100644 index 00000000..1f1fe901 Binary files /dev/null and b/flowers/valid/19/image_06187.jpg differ diff --git a/flowers/valid/19/image_06195.jpg b/flowers/valid/19/image_06195.jpg new file mode 100644 index 00000000..3a326da8 Binary files /dev/null and b/flowers/valid/19/image_06195.jpg differ diff --git a/flowers/valid/2/image_05094.jpg b/flowers/valid/2/image_05094.jpg new file mode 100644 index 00000000..37f597af Binary files /dev/null and b/flowers/valid/2/image_05094.jpg differ diff --git a/flowers/valid/2/image_05101.jpg b/flowers/valid/2/image_05101.jpg new file mode 100644 index 00000000..5b7715e2 Binary files /dev/null and b/flowers/valid/2/image_05101.jpg differ diff --git a/flowers/valid/2/image_05124.jpg b/flowers/valid/2/image_05124.jpg new file mode 100644 index 00000000..ae33c54e Binary files /dev/null and b/flowers/valid/2/image_05124.jpg differ diff --git a/flowers/valid/2/image_05136.jpg b/flowers/valid/2/image_05136.jpg new file mode 100644 index 00000000..2cb7ed80 Binary files /dev/null and b/flowers/valid/2/image_05136.jpg differ diff --git a/flowers/valid/2/image_05137.jpg b/flowers/valid/2/image_05137.jpg new file mode 100644 index 00000000..b396a5cb Binary files /dev/null and b/flowers/valid/2/image_05137.jpg differ diff --git a/flowers/valid/2/image_05142.jpg b/flowers/valid/2/image_05142.jpg new file mode 100644 index 00000000..13bfe1fc Binary files /dev/null and b/flowers/valid/2/image_05142.jpg differ diff --git a/flowers/valid/20/image_04903.jpg b/flowers/valid/20/image_04903.jpg new file mode 100644 index 00000000..c1e0f293 Binary files /dev/null and b/flowers/valid/20/image_04903.jpg differ diff --git a/flowers/valid/20/image_04913.jpg b/flowers/valid/20/image_04913.jpg new file mode 100644 index 00000000..d715c988 Binary files /dev/null and b/flowers/valid/20/image_04913.jpg differ diff --git a/flowers/valid/20/image_04918.jpg b/flowers/valid/20/image_04918.jpg new file mode 100644 index 00000000..ab582dc6 Binary files /dev/null and b/flowers/valid/20/image_04918.jpg differ diff --git a/flowers/valid/20/image_04920.jpg b/flowers/valid/20/image_04920.jpg new file mode 100644 index 00000000..c4da9c2e Binary files /dev/null and b/flowers/valid/20/image_04920.jpg differ diff --git a/flowers/valid/20/image_04927.jpg b/flowers/valid/20/image_04927.jpg new file mode 100644 index 00000000..cfafa8c9 Binary files /dev/null and b/flowers/valid/20/image_04927.jpg differ diff --git a/flowers/valid/20/image_04940.jpg b/flowers/valid/20/image_04940.jpg new file mode 100644 index 00000000..c676d2f4 Binary files /dev/null and b/flowers/valid/20/image_04940.jpg differ diff --git a/flowers/valid/20/image_04942.jpg b/flowers/valid/20/image_04942.jpg new file mode 100644 index 00000000..c52c5e7d Binary files /dev/null and b/flowers/valid/20/image_04942.jpg differ diff --git a/flowers/valid/21/image_06778.jpg b/flowers/valid/21/image_06778.jpg new file mode 100644 index 00000000..7e8f8ea5 Binary files /dev/null and b/flowers/valid/21/image_06778.jpg differ diff --git a/flowers/valid/21/image_06784.jpg b/flowers/valid/21/image_06784.jpg new file mode 100644 index 00000000..d3ddc785 Binary files /dev/null and b/flowers/valid/21/image_06784.jpg differ diff --git a/flowers/valid/21/image_06788.jpg b/flowers/valid/21/image_06788.jpg new file mode 100644 index 00000000..bb16cc08 Binary files /dev/null and b/flowers/valid/21/image_06788.jpg differ diff --git a/flowers/valid/21/image_06804.jpg b/flowers/valid/21/image_06804.jpg new file mode 100644 index 00000000..89176579 Binary files /dev/null and b/flowers/valid/21/image_06804.jpg differ diff --git a/flowers/valid/22/image_05352.jpg b/flowers/valid/22/image_05352.jpg new file mode 100644 index 00000000..3f452196 Binary files /dev/null and b/flowers/valid/22/image_05352.jpg differ diff --git a/flowers/valid/22/image_05361.jpg b/flowers/valid/22/image_05361.jpg new file mode 100644 index 00000000..c239c035 Binary files /dev/null and b/flowers/valid/22/image_05361.jpg differ diff --git a/flowers/valid/22/image_05364.jpg b/flowers/valid/22/image_05364.jpg new file mode 100644 index 00000000..db9bc29a Binary files /dev/null and b/flowers/valid/22/image_05364.jpg differ diff --git a/flowers/valid/22/image_05368.jpg b/flowers/valid/22/image_05368.jpg new file mode 100644 index 00000000..52153923 Binary files /dev/null and b/flowers/valid/22/image_05368.jpg differ diff --git a/flowers/valid/22/image_05376.jpg b/flowers/valid/22/image_05376.jpg new file mode 100644 index 00000000..6ae14806 Binary files /dev/null and b/flowers/valid/22/image_05376.jpg differ diff --git a/flowers/valid/22/image_05381.jpg b/flowers/valid/22/image_05381.jpg new file mode 100644 index 00000000..914951d5 Binary files /dev/null and b/flowers/valid/22/image_05381.jpg differ diff --git a/flowers/valid/22/image_05388.jpg b/flowers/valid/22/image_05388.jpg new file mode 100644 index 00000000..8c82d418 Binary files /dev/null and b/flowers/valid/22/image_05388.jpg differ diff --git a/flowers/valid/22/image_05398.jpg b/flowers/valid/22/image_05398.jpg new file mode 100644 index 00000000..3cb5917b Binary files /dev/null and b/flowers/valid/22/image_05398.jpg differ diff --git a/flowers/valid/23/image_03371.jpg b/flowers/valid/23/image_03371.jpg new file mode 100644 index 00000000..c68d6f08 Binary files /dev/null and b/flowers/valid/23/image_03371.jpg differ diff --git a/flowers/valid/23/image_03383.jpg b/flowers/valid/23/image_03383.jpg new file mode 100644 index 00000000..8ee82b2f Binary files /dev/null and b/flowers/valid/23/image_03383.jpg differ diff --git a/flowers/valid/23/image_03386.jpg b/flowers/valid/23/image_03386.jpg new file mode 100644 index 00000000..67c024d3 Binary files /dev/null and b/flowers/valid/23/image_03386.jpg differ diff --git a/flowers/valid/23/image_03398.jpg b/flowers/valid/23/image_03398.jpg new file mode 100644 index 00000000..708a7e10 Binary files /dev/null and b/flowers/valid/23/image_03398.jpg differ diff --git a/flowers/valid/23/image_03400.jpg b/flowers/valid/23/image_03400.jpg new file mode 100644 index 00000000..737edfbe Binary files /dev/null and b/flowers/valid/23/image_03400.jpg differ diff --git a/flowers/valid/23/image_03412.jpg b/flowers/valid/23/image_03412.jpg new file mode 100644 index 00000000..5cecff7b Binary files /dev/null and b/flowers/valid/23/image_03412.jpg differ diff --git a/flowers/valid/23/image_03416.jpg b/flowers/valid/23/image_03416.jpg new file mode 100644 index 00000000..0b51f26b Binary files /dev/null and b/flowers/valid/23/image_03416.jpg differ diff --git a/flowers/valid/23/image_03420.jpg b/flowers/valid/23/image_03420.jpg new file mode 100644 index 00000000..a8bc3019 Binary files /dev/null and b/flowers/valid/23/image_03420.jpg differ diff --git a/flowers/valid/23/image_03425.jpg b/flowers/valid/23/image_03425.jpg new file mode 100644 index 00000000..9fc97180 Binary files /dev/null and b/flowers/valid/23/image_03425.jpg differ diff --git a/flowers/valid/23/image_03436.jpg b/flowers/valid/23/image_03436.jpg new file mode 100644 index 00000000..e314ae98 Binary files /dev/null and b/flowers/valid/23/image_03436.jpg differ diff --git a/flowers/valid/23/image_03437.jpg b/flowers/valid/23/image_03437.jpg new file mode 100644 index 00000000..27e92df1 Binary files /dev/null and b/flowers/valid/23/image_03437.jpg differ diff --git a/flowers/valid/23/image_03444.jpg b/flowers/valid/23/image_03444.jpg new file mode 100644 index 00000000..2943c3d9 Binary files /dev/null and b/flowers/valid/23/image_03444.jpg differ diff --git a/flowers/valid/24/image_06814.jpg b/flowers/valid/24/image_06814.jpg new file mode 100644 index 00000000..9a542022 Binary files /dev/null and b/flowers/valid/24/image_06814.jpg differ diff --git a/flowers/valid/24/image_06818.jpg b/flowers/valid/24/image_06818.jpg new file mode 100644 index 00000000..cd0d2922 Binary files /dev/null and b/flowers/valid/24/image_06818.jpg differ diff --git a/flowers/valid/24/image_06819.jpg b/flowers/valid/24/image_06819.jpg new file mode 100644 index 00000000..558c640d Binary files /dev/null and b/flowers/valid/24/image_06819.jpg differ diff --git a/flowers/valid/24/image_06836.jpg b/flowers/valid/24/image_06836.jpg new file mode 100644 index 00000000..f74228b4 Binary files /dev/null and b/flowers/valid/24/image_06836.jpg differ diff --git a/flowers/valid/24/image_06847.jpg b/flowers/valid/24/image_06847.jpg new file mode 100644 index 00000000..bb3aeeec Binary files /dev/null and b/flowers/valid/24/image_06847.jpg differ diff --git a/flowers/valid/25/image_06572.jpg b/flowers/valid/25/image_06572.jpg new file mode 100644 index 00000000..56fa5200 Binary files /dev/null and b/flowers/valid/25/image_06572.jpg differ diff --git a/flowers/valid/25/image_06584.jpg b/flowers/valid/25/image_06584.jpg new file mode 100644 index 00000000..1ddea365 Binary files /dev/null and b/flowers/valid/25/image_06584.jpg differ diff --git a/flowers/valid/26/image_06501.jpg b/flowers/valid/26/image_06501.jpg new file mode 100644 index 00000000..d3628385 Binary files /dev/null and b/flowers/valid/26/image_06501.jpg differ diff --git a/flowers/valid/26/image_06506.jpg b/flowers/valid/26/image_06506.jpg new file mode 100644 index 00000000..254dc8ec Binary files /dev/null and b/flowers/valid/26/image_06506.jpg differ diff --git a/flowers/valid/26/image_06516.jpg b/flowers/valid/26/image_06516.jpg new file mode 100644 index 00000000..c8e7b397 Binary files /dev/null and b/flowers/valid/26/image_06516.jpg differ diff --git a/flowers/valid/27/image_06868.jpg b/flowers/valid/27/image_06868.jpg new file mode 100644 index 00000000..b388f699 Binary files /dev/null and b/flowers/valid/27/image_06868.jpg differ diff --git a/flowers/valid/28/image_05257.jpg b/flowers/valid/28/image_05257.jpg new file mode 100644 index 00000000..72653255 Binary files /dev/null and b/flowers/valid/28/image_05257.jpg differ diff --git a/flowers/valid/28/image_05258.jpg b/flowers/valid/28/image_05258.jpg new file mode 100644 index 00000000..c1f6d82f Binary files /dev/null and b/flowers/valid/28/image_05258.jpg differ diff --git a/flowers/valid/28/image_05265.jpg b/flowers/valid/28/image_05265.jpg new file mode 100644 index 00000000..727a9005 Binary files /dev/null and b/flowers/valid/28/image_05265.jpg differ diff --git a/flowers/valid/28/image_05267.jpg b/flowers/valid/28/image_05267.jpg new file mode 100644 index 00000000..293f8913 Binary files /dev/null and b/flowers/valid/28/image_05267.jpg differ diff --git a/flowers/valid/28/image_05272.jpg b/flowers/valid/28/image_05272.jpg new file mode 100644 index 00000000..0f2b3f6f Binary files /dev/null and b/flowers/valid/28/image_05272.jpg differ diff --git a/flowers/valid/29/image_04097.jpg b/flowers/valid/29/image_04097.jpg new file mode 100644 index 00000000..0afcdb5a Binary files /dev/null and b/flowers/valid/29/image_04097.jpg differ diff --git a/flowers/valid/29/image_04099.jpg b/flowers/valid/29/image_04099.jpg new file mode 100644 index 00000000..83088ba0 Binary files /dev/null and b/flowers/valid/29/image_04099.jpg differ diff --git a/flowers/valid/29/image_04103.jpg b/flowers/valid/29/image_04103.jpg new file mode 100644 index 00000000..3027ebd1 Binary files /dev/null and b/flowers/valid/29/image_04103.jpg differ diff --git a/flowers/valid/29/image_04104.jpg b/flowers/valid/29/image_04104.jpg new file mode 100644 index 00000000..4823ebcb Binary files /dev/null and b/flowers/valid/29/image_04104.jpg differ diff --git a/flowers/valid/29/image_04108.jpg b/flowers/valid/29/image_04108.jpg new file mode 100644 index 00000000..3e18defc Binary files /dev/null and b/flowers/valid/29/image_04108.jpg differ diff --git a/flowers/valid/29/image_04116.jpg b/flowers/valid/29/image_04116.jpg new file mode 100644 index 00000000..7ef83c7d Binary files /dev/null and b/flowers/valid/29/image_04116.jpg differ diff --git a/flowers/valid/29/image_04143.jpg b/flowers/valid/29/image_04143.jpg new file mode 100644 index 00000000..53c48639 Binary files /dev/null and b/flowers/valid/29/image_04143.jpg differ diff --git a/flowers/valid/3/image_06621.jpg b/flowers/valid/3/image_06621.jpg new file mode 100644 index 00000000..d820de26 Binary files /dev/null and b/flowers/valid/3/image_06621.jpg differ diff --git a/flowers/valid/3/image_06631.jpg b/flowers/valid/3/image_06631.jpg new file mode 100644 index 00000000..288c3547 Binary files /dev/null and b/flowers/valid/3/image_06631.jpg differ diff --git a/flowers/valid/30/image_03464.jpg b/flowers/valid/30/image_03464.jpg new file mode 100644 index 00000000..b20cb045 Binary files /dev/null and b/flowers/valid/30/image_03464.jpg differ diff --git a/flowers/valid/30/image_03467.jpg b/flowers/valid/30/image_03467.jpg new file mode 100644 index 00000000..0d82700c Binary files /dev/null and b/flowers/valid/30/image_03467.jpg differ diff --git a/flowers/valid/30/image_03469.jpg b/flowers/valid/30/image_03469.jpg new file mode 100644 index 00000000..6bf73a14 Binary files /dev/null and b/flowers/valid/30/image_03469.jpg differ diff --git a/flowers/valid/30/image_03471.jpg b/flowers/valid/30/image_03471.jpg new file mode 100644 index 00000000..bd0aa2a4 Binary files /dev/null and b/flowers/valid/30/image_03471.jpg differ diff --git a/flowers/valid/30/image_03475.jpg b/flowers/valid/30/image_03475.jpg new file mode 100644 index 00000000..8651e1ba Binary files /dev/null and b/flowers/valid/30/image_03475.jpg differ diff --git a/flowers/valid/30/image_03485.jpg b/flowers/valid/30/image_03485.jpg new file mode 100644 index 00000000..1c06fb7f Binary files /dev/null and b/flowers/valid/30/image_03485.jpg differ diff --git a/flowers/valid/30/image_03487.jpg b/flowers/valid/30/image_03487.jpg new file mode 100644 index 00000000..933cf9f0 Binary files /dev/null and b/flowers/valid/30/image_03487.jpg differ diff --git a/flowers/valid/30/image_03530.jpg b/flowers/valid/30/image_03530.jpg new file mode 100644 index 00000000..5e357686 Binary files /dev/null and b/flowers/valid/30/image_03530.jpg differ diff --git a/flowers/valid/30/image_03531.jpg b/flowers/valid/30/image_03531.jpg new file mode 100644 index 00000000..d1ea544c Binary files /dev/null and b/flowers/valid/30/image_03531.jpg differ diff --git a/flowers/valid/30/image_03544.jpg b/flowers/valid/30/image_03544.jpg new file mode 100644 index 00000000..f56ceaec Binary files /dev/null and b/flowers/valid/30/image_03544.jpg differ diff --git a/flowers/valid/31/image_06905.jpg b/flowers/valid/31/image_06905.jpg new file mode 100644 index 00000000..81306889 Binary files /dev/null and b/flowers/valid/31/image_06905.jpg differ diff --git a/flowers/valid/31/image_08067.jpg b/flowers/valid/31/image_08067.jpg new file mode 100644 index 00000000..2217cb30 Binary files /dev/null and b/flowers/valid/31/image_08067.jpg differ diff --git a/flowers/valid/32/image_05584.jpg b/flowers/valid/32/image_05584.jpg new file mode 100644 index 00000000..da475fb8 Binary files /dev/null and b/flowers/valid/32/image_05584.jpg differ diff --git a/flowers/valid/32/image_05598.jpg b/flowers/valid/32/image_05598.jpg new file mode 100644 index 00000000..dfa4cc51 Binary files /dev/null and b/flowers/valid/32/image_05598.jpg differ diff --git a/flowers/valid/32/image_05615.jpg b/flowers/valid/32/image_05615.jpg new file mode 100644 index 00000000..2c8319be Binary files /dev/null and b/flowers/valid/32/image_05615.jpg differ diff --git a/flowers/valid/33/image_06441.jpg b/flowers/valid/33/image_06441.jpg new file mode 100644 index 00000000..eafe374c Binary files /dev/null and b/flowers/valid/33/image_06441.jpg differ diff --git a/flowers/valid/33/image_06443.jpg b/flowers/valid/33/image_06443.jpg new file mode 100644 index 00000000..525edb5c Binary files /dev/null and b/flowers/valid/33/image_06443.jpg differ diff --git a/flowers/valid/33/image_06444.jpg b/flowers/valid/33/image_06444.jpg new file mode 100644 index 00000000..ccac6bf1 Binary files /dev/null and b/flowers/valid/33/image_06444.jpg differ diff --git a/flowers/valid/33/image_06455.jpg b/flowers/valid/33/image_06455.jpg new file mode 100644 index 00000000..f45eea7e Binary files /dev/null and b/flowers/valid/33/image_06455.jpg differ diff --git a/flowers/valid/33/image_06468.jpg b/flowers/valid/33/image_06468.jpg new file mode 100644 index 00000000..78cae2f0 Binary files /dev/null and b/flowers/valid/33/image_06468.jpg differ diff --git a/flowers/valid/33/image_06481.jpg b/flowers/valid/33/image_06481.jpg new file mode 100644 index 00000000..72d7cf93 Binary files /dev/null and b/flowers/valid/33/image_06481.jpg differ diff --git a/flowers/valid/33/image_06485.jpg b/flowers/valid/33/image_06485.jpg new file mode 100644 index 00000000..538a46d9 Binary files /dev/null and b/flowers/valid/33/image_06485.jpg differ diff --git a/flowers/valid/34/image_06939.jpg b/flowers/valid/34/image_06939.jpg new file mode 100644 index 00000000..8f187595 Binary files /dev/null and b/flowers/valid/34/image_06939.jpg differ diff --git a/flowers/valid/34/image_06949.jpg b/flowers/valid/34/image_06949.jpg new file mode 100644 index 00000000..6b913ff7 Binary files /dev/null and b/flowers/valid/34/image_06949.jpg differ diff --git a/flowers/valid/34/image_06950.jpg b/flowers/valid/34/image_06950.jpg new file mode 100644 index 00000000..c26715ff Binary files /dev/null and b/flowers/valid/34/image_06950.jpg differ diff --git a/flowers/valid/34/image_06955.jpg b/flowers/valid/34/image_06955.jpg new file mode 100644 index 00000000..a8d3bab5 Binary files /dev/null and b/flowers/valid/34/image_06955.jpg differ diff --git a/flowers/valid/34/image_06959.jpg b/flowers/valid/34/image_06959.jpg new file mode 100644 index 00000000..4934a2fa Binary files /dev/null and b/flowers/valid/34/image_06959.jpg differ diff --git a/flowers/valid/34/image_06963.jpg b/flowers/valid/34/image_06963.jpg new file mode 100644 index 00000000..4637c7a4 Binary files /dev/null and b/flowers/valid/34/image_06963.jpg differ diff --git a/flowers/valid/34/image_06964.jpg b/flowers/valid/34/image_06964.jpg new file mode 100644 index 00000000..dcb5bc65 Binary files /dev/null and b/flowers/valid/34/image_06964.jpg differ diff --git a/flowers/valid/35/image_06977.jpg b/flowers/valid/35/image_06977.jpg new file mode 100644 index 00000000..c5873070 Binary files /dev/null and b/flowers/valid/35/image_06977.jpg differ diff --git a/flowers/valid/35/image_06978.jpg b/flowers/valid/35/image_06978.jpg new file mode 100644 index 00000000..3fb97a0a Binary files /dev/null and b/flowers/valid/35/image_06978.jpg differ diff --git a/flowers/valid/35/image_07004.jpg b/flowers/valid/35/image_07004.jpg new file mode 100644 index 00000000..498299c1 Binary files /dev/null and b/flowers/valid/35/image_07004.jpg differ diff --git a/flowers/valid/35/image_07005.jpg b/flowers/valid/35/image_07005.jpg new file mode 100644 index 00000000..14757fa0 Binary files /dev/null and b/flowers/valid/35/image_07005.jpg differ diff --git a/flowers/valid/36/image_04333.jpg b/flowers/valid/36/image_04333.jpg new file mode 100644 index 00000000..b8e33a82 Binary files /dev/null and b/flowers/valid/36/image_04333.jpg differ diff --git a/flowers/valid/36/image_04350.jpg b/flowers/valid/36/image_04350.jpg new file mode 100644 index 00000000..28b9596d Binary files /dev/null and b/flowers/valid/36/image_04350.jpg differ diff --git a/flowers/valid/36/image_04351.jpg b/flowers/valid/36/image_04351.jpg new file mode 100644 index 00000000..df275ddd Binary files /dev/null and b/flowers/valid/36/image_04351.jpg differ diff --git a/flowers/valid/36/image_04352.jpg b/flowers/valid/36/image_04352.jpg new file mode 100644 index 00000000..cb7f4b4f Binary files /dev/null and b/flowers/valid/36/image_04352.jpg differ diff --git a/flowers/valid/36/image_04354.jpg b/flowers/valid/36/image_04354.jpg new file mode 100644 index 00000000..7dc459bf Binary files /dev/null and b/flowers/valid/36/image_04354.jpg differ diff --git a/flowers/valid/36/image_04393.jpg b/flowers/valid/36/image_04393.jpg new file mode 100644 index 00000000..3303c7db Binary files /dev/null and b/flowers/valid/36/image_04393.jpg differ diff --git a/flowers/valid/37/image_03756.jpg b/flowers/valid/37/image_03756.jpg new file mode 100644 index 00000000..92ed6578 Binary files /dev/null and b/flowers/valid/37/image_03756.jpg differ diff --git a/flowers/valid/37/image_03765.jpg b/flowers/valid/37/image_03765.jpg new file mode 100644 index 00000000..812aed1f Binary files /dev/null and b/flowers/valid/37/image_03765.jpg differ diff --git a/flowers/valid/37/image_03768.jpg b/flowers/valid/37/image_03768.jpg new file mode 100644 index 00000000..990b13e2 Binary files /dev/null and b/flowers/valid/37/image_03768.jpg differ diff --git a/flowers/valid/37/image_03785.jpg b/flowers/valid/37/image_03785.jpg new file mode 100644 index 00000000..3b505400 Binary files /dev/null and b/flowers/valid/37/image_03785.jpg differ diff --git a/flowers/valid/37/image_03810.jpg b/flowers/valid/37/image_03810.jpg new file mode 100644 index 00000000..8d225fb0 Binary files /dev/null and b/flowers/valid/37/image_03810.jpg differ diff --git a/flowers/valid/37/image_03813.jpg b/flowers/valid/37/image_03813.jpg new file mode 100644 index 00000000..23879355 Binary files /dev/null and b/flowers/valid/37/image_03813.jpg differ diff --git a/flowers/valid/37/image_03820.jpg b/flowers/valid/37/image_03820.jpg new file mode 100644 index 00000000..e0c7f0d0 Binary files /dev/null and b/flowers/valid/37/image_03820.jpg differ diff --git a/flowers/valid/37/image_03822.jpg b/flowers/valid/37/image_03822.jpg new file mode 100644 index 00000000..6703399f Binary files /dev/null and b/flowers/valid/37/image_03822.jpg differ diff --git a/flowers/valid/38/image_05819.jpg b/flowers/valid/38/image_05819.jpg new file mode 100644 index 00000000..4864f65d Binary files /dev/null and b/flowers/valid/38/image_05819.jpg differ diff --git a/flowers/valid/38/image_05829.jpg b/flowers/valid/38/image_05829.jpg new file mode 100644 index 00000000..ba056efd Binary files /dev/null and b/flowers/valid/38/image_05829.jpg differ diff --git a/flowers/valid/38/image_05830.jpg b/flowers/valid/38/image_05830.jpg new file mode 100644 index 00000000..63c95118 Binary files /dev/null and b/flowers/valid/38/image_05830.jpg differ diff --git a/flowers/valid/38/image_05845.jpg b/flowers/valid/38/image_05845.jpg new file mode 100644 index 00000000..39dd26d1 Binary files /dev/null and b/flowers/valid/38/image_05845.jpg differ diff --git a/flowers/valid/39/image_07013.jpg b/flowers/valid/39/image_07013.jpg new file mode 100644 index 00000000..c4e107b3 Binary files /dev/null and b/flowers/valid/39/image_07013.jpg differ diff --git a/flowers/valid/39/image_07036.jpg b/flowers/valid/39/image_07036.jpg new file mode 100644 index 00000000..685d8746 Binary files /dev/null and b/flowers/valid/39/image_07036.jpg differ diff --git a/flowers/valid/39/image_07039.jpg b/flowers/valid/39/image_07039.jpg new file mode 100644 index 00000000..e67ae5ce Binary files /dev/null and b/flowers/valid/39/image_07039.jpg differ diff --git a/flowers/valid/4/image_05638.jpg b/flowers/valid/4/image_05638.jpg new file mode 100644 index 00000000..88d5c153 Binary files /dev/null and b/flowers/valid/4/image_05638.jpg differ diff --git a/flowers/valid/4/image_05657.jpg b/flowers/valid/4/image_05657.jpg new file mode 100644 index 00000000..750bf8f7 Binary files /dev/null and b/flowers/valid/4/image_05657.jpg differ diff --git a/flowers/valid/4/image_05660.jpg b/flowers/valid/4/image_05660.jpg new file mode 100644 index 00000000..b69541f7 Binary files /dev/null and b/flowers/valid/4/image_05660.jpg differ diff --git a/flowers/valid/4/image_05677.jpg b/flowers/valid/4/image_05677.jpg new file mode 100644 index 00000000..53b074e4 Binary files /dev/null and b/flowers/valid/4/image_05677.jpg differ diff --git a/flowers/valid/4/image_05680.jpg b/flowers/valid/4/image_05680.jpg new file mode 100644 index 00000000..abdc359e Binary files /dev/null and b/flowers/valid/4/image_05680.jpg differ diff --git a/flowers/valid/4/image_05681.jpg b/flowers/valid/4/image_05681.jpg new file mode 100644 index 00000000..d8dea7fc Binary files /dev/null and b/flowers/valid/4/image_05681.jpg differ diff --git a/flowers/valid/40/image_04578.jpg b/flowers/valid/40/image_04578.jpg new file mode 100644 index 00000000..81d2c49f Binary files /dev/null and b/flowers/valid/40/image_04578.jpg differ diff --git a/flowers/valid/40/image_04579.jpg b/flowers/valid/40/image_04579.jpg new file mode 100644 index 00000000..fb7be2c8 Binary files /dev/null and b/flowers/valid/40/image_04579.jpg differ diff --git a/flowers/valid/40/image_04584.jpg b/flowers/valid/40/image_04584.jpg new file mode 100644 index 00000000..9c9abd1c Binary files /dev/null and b/flowers/valid/40/image_04584.jpg differ diff --git a/flowers/valid/40/image_04596.jpg b/flowers/valid/40/image_04596.jpg new file mode 100644 index 00000000..66144059 Binary files /dev/null and b/flowers/valid/40/image_04596.jpg differ diff --git a/flowers/valid/40/image_04608.jpg b/flowers/valid/40/image_04608.jpg new file mode 100644 index 00000000..7ea365cd Binary files /dev/null and b/flowers/valid/40/image_04608.jpg differ diff --git a/flowers/valid/41/image_02198.jpg b/flowers/valid/41/image_02198.jpg new file mode 100644 index 00000000..f4e30210 Binary files /dev/null and b/flowers/valid/41/image_02198.jpg differ diff --git a/flowers/valid/41/image_02199.jpg b/flowers/valid/41/image_02199.jpg new file mode 100644 index 00000000..2bebd93c Binary files /dev/null and b/flowers/valid/41/image_02199.jpg differ diff --git a/flowers/valid/41/image_02201.jpg b/flowers/valid/41/image_02201.jpg new file mode 100644 index 00000000..1c9dbc8c Binary files /dev/null and b/flowers/valid/41/image_02201.jpg differ diff --git a/flowers/valid/41/image_02205.jpg b/flowers/valid/41/image_02205.jpg new file mode 100644 index 00000000..0224e550 Binary files /dev/null and b/flowers/valid/41/image_02205.jpg differ diff --git a/flowers/valid/41/image_02219.jpg b/flowers/valid/41/image_02219.jpg new file mode 100644 index 00000000..f403976a Binary files /dev/null and b/flowers/valid/41/image_02219.jpg differ diff --git a/flowers/valid/41/image_02231.jpg b/flowers/valid/41/image_02231.jpg new file mode 100644 index 00000000..4255c509 Binary files /dev/null and b/flowers/valid/41/image_02231.jpg differ diff --git a/flowers/valid/41/image_02232.jpg b/flowers/valid/41/image_02232.jpg new file mode 100644 index 00000000..3f596b27 Binary files /dev/null and b/flowers/valid/41/image_02232.jpg differ diff --git a/flowers/valid/41/image_02247.jpg b/flowers/valid/41/image_02247.jpg new file mode 100644 index 00000000..34497338 Binary files /dev/null and b/flowers/valid/41/image_02247.jpg differ diff --git a/flowers/valid/41/image_02248.jpg b/flowers/valid/41/image_02248.jpg new file mode 100644 index 00000000..8866d82d Binary files /dev/null and b/flowers/valid/41/image_02248.jpg differ diff --git a/flowers/valid/41/image_02258.jpg b/flowers/valid/41/image_02258.jpg new file mode 100644 index 00000000..54cdb507 Binary files /dev/null and b/flowers/valid/41/image_02258.jpg differ diff --git a/flowers/valid/41/image_02259.jpg b/flowers/valid/41/image_02259.jpg new file mode 100644 index 00000000..28431330 Binary files /dev/null and b/flowers/valid/41/image_02259.jpg differ diff --git a/flowers/valid/41/image_02260.jpg b/flowers/valid/41/image_02260.jpg new file mode 100644 index 00000000..c2e0473a Binary files /dev/null and b/flowers/valid/41/image_02260.jpg differ diff --git a/flowers/valid/41/image_02268.jpg b/flowers/valid/41/image_02268.jpg new file mode 100644 index 00000000..3ccd52dd Binary files /dev/null and b/flowers/valid/41/image_02268.jpg differ diff --git a/flowers/valid/41/image_02276.jpg b/flowers/valid/41/image_02276.jpg new file mode 100644 index 00000000..09f84ef7 Binary files /dev/null and b/flowers/valid/41/image_02276.jpg differ diff --git a/flowers/valid/41/image_02278.jpg b/flowers/valid/41/image_02278.jpg new file mode 100644 index 00000000..a39066f7 Binary files /dev/null and b/flowers/valid/41/image_02278.jpg differ diff --git a/flowers/valid/41/image_02297.jpg b/flowers/valid/41/image_02297.jpg new file mode 100644 index 00000000..59d6efac Binary files /dev/null and b/flowers/valid/41/image_02297.jpg differ diff --git a/flowers/valid/42/image_05690.jpg b/flowers/valid/42/image_05690.jpg new file mode 100644 index 00000000..b287bb7d Binary files /dev/null and b/flowers/valid/42/image_05690.jpg differ diff --git a/flowers/valid/42/image_05701.jpg b/flowers/valid/42/image_05701.jpg new file mode 100644 index 00000000..29b8219d Binary files /dev/null and b/flowers/valid/42/image_05701.jpg differ diff --git a/flowers/valid/42/image_05712.jpg b/flowers/valid/42/image_05712.jpg new file mode 100644 index 00000000..223b0ea0 Binary files /dev/null and b/flowers/valid/42/image_05712.jpg differ diff --git a/flowers/valid/42/image_05713.jpg b/flowers/valid/42/image_05713.jpg new file mode 100644 index 00000000..0fe3165c Binary files /dev/null and b/flowers/valid/42/image_05713.jpg differ diff --git a/flowers/valid/42/image_05723.jpg b/flowers/valid/42/image_05723.jpg new file mode 100644 index 00000000..fcb531d0 Binary files /dev/null and b/flowers/valid/42/image_05723.jpg differ diff --git a/flowers/valid/42/image_05735.jpg b/flowers/valid/42/image_05735.jpg new file mode 100644 index 00000000..66a496c2 Binary files /dev/null and b/flowers/valid/42/image_05735.jpg differ diff --git a/flowers/valid/43/image_02330.jpg b/flowers/valid/43/image_02330.jpg new file mode 100644 index 00000000..ae3e46b7 Binary files /dev/null and b/flowers/valid/43/image_02330.jpg differ diff --git a/flowers/valid/43/image_02336.jpg b/flowers/valid/43/image_02336.jpg new file mode 100644 index 00000000..a29e122b Binary files /dev/null and b/flowers/valid/43/image_02336.jpg differ diff --git a/flowers/valid/43/image_02345.jpg b/flowers/valid/43/image_02345.jpg new file mode 100644 index 00000000..717e7b7e Binary files /dev/null and b/flowers/valid/43/image_02345.jpg differ diff --git a/flowers/valid/43/image_02355.jpg b/flowers/valid/43/image_02355.jpg new file mode 100644 index 00000000..45c1e1f6 Binary files /dev/null and b/flowers/valid/43/image_02355.jpg differ diff --git a/flowers/valid/43/image_02368.jpg b/flowers/valid/43/image_02368.jpg new file mode 100644 index 00000000..b8143bde Binary files /dev/null and b/flowers/valid/43/image_02368.jpg differ diff --git a/flowers/valid/43/image_02389.jpg b/flowers/valid/43/image_02389.jpg new file mode 100644 index 00000000..6520bd6b Binary files /dev/null and b/flowers/valid/43/image_02389.jpg differ diff --git a/flowers/valid/43/image_02397.jpg b/flowers/valid/43/image_02397.jpg new file mode 100644 index 00000000..05407d1a Binary files /dev/null and b/flowers/valid/43/image_02397.jpg differ diff --git a/flowers/valid/43/image_02407.jpg b/flowers/valid/43/image_02407.jpg new file mode 100644 index 00000000..8b8f7e99 Binary files /dev/null and b/flowers/valid/43/image_02407.jpg differ diff --git a/flowers/valid/43/image_02414.jpg b/flowers/valid/43/image_02414.jpg new file mode 100644 index 00000000..ca45f990 Binary files /dev/null and b/flowers/valid/43/image_02414.jpg differ diff --git a/flowers/valid/43/image_02419.jpg b/flowers/valid/43/image_02419.jpg new file mode 100644 index 00000000..3ff92d34 Binary files /dev/null and b/flowers/valid/43/image_02419.jpg differ diff --git a/flowers/valid/43/image_02421.jpg b/flowers/valid/43/image_02421.jpg new file mode 100644 index 00000000..4dee72eb Binary files /dev/null and b/flowers/valid/43/image_02421.jpg differ diff --git a/flowers/valid/43/image_02425.jpg b/flowers/valid/43/image_02425.jpg new file mode 100644 index 00000000..38148195 Binary files /dev/null and b/flowers/valid/43/image_02425.jpg differ diff --git a/flowers/valid/43/image_02429.jpg b/flowers/valid/43/image_02429.jpg new file mode 100644 index 00000000..f8e31f31 Binary files /dev/null and b/flowers/valid/43/image_02429.jpg differ diff --git a/flowers/valid/43/image_02443.jpg b/flowers/valid/43/image_02443.jpg new file mode 100644 index 00000000..b23ef344 Binary files /dev/null and b/flowers/valid/43/image_02443.jpg differ diff --git a/flowers/valid/44/image_01491.jpg b/flowers/valid/44/image_01491.jpg new file mode 100644 index 00000000..a51a2cd7 Binary files /dev/null and b/flowers/valid/44/image_01491.jpg differ diff --git a/flowers/valid/44/image_01494.jpg b/flowers/valid/44/image_01494.jpg new file mode 100644 index 00000000..790a3a29 Binary files /dev/null and b/flowers/valid/44/image_01494.jpg differ diff --git a/flowers/valid/44/image_01500.jpg b/flowers/valid/44/image_01500.jpg new file mode 100644 index 00000000..f3de4839 Binary files /dev/null and b/flowers/valid/44/image_01500.jpg differ diff --git a/flowers/valid/44/image_01510.jpg b/flowers/valid/44/image_01510.jpg new file mode 100644 index 00000000..e52a844e Binary files /dev/null and b/flowers/valid/44/image_01510.jpg differ diff --git a/flowers/valid/44/image_01540.jpg b/flowers/valid/44/image_01540.jpg new file mode 100644 index 00000000..88d98a23 Binary files /dev/null and b/flowers/valid/44/image_01540.jpg differ diff --git a/flowers/valid/44/image_01569.jpg b/flowers/valid/44/image_01569.jpg new file mode 100644 index 00000000..5593404e Binary files /dev/null and b/flowers/valid/44/image_01569.jpg differ diff --git a/flowers/valid/44/image_01570.jpg b/flowers/valid/44/image_01570.jpg new file mode 100644 index 00000000..75299de7 Binary files /dev/null and b/flowers/valid/44/image_01570.jpg differ diff --git a/flowers/valid/44/image_01573.jpg b/flowers/valid/44/image_01573.jpg new file mode 100644 index 00000000..61faa585 Binary files /dev/null and b/flowers/valid/44/image_01573.jpg differ diff --git a/flowers/valid/44/image_01579.jpg b/flowers/valid/44/image_01579.jpg new file mode 100644 index 00000000..09c5c1d0 Binary files /dev/null and b/flowers/valid/44/image_01579.jpg differ diff --git a/flowers/valid/45/image_07127.jpg b/flowers/valid/45/image_07127.jpg new file mode 100644 index 00000000..0bb058b3 Binary files /dev/null and b/flowers/valid/45/image_07127.jpg differ diff --git a/flowers/valid/45/image_07137.jpg b/flowers/valid/45/image_07137.jpg new file mode 100644 index 00000000..8e56006d Binary files /dev/null and b/flowers/valid/45/image_07137.jpg differ diff --git a/flowers/valid/45/image_07155.jpg b/flowers/valid/45/image_07155.jpg new file mode 100644 index 00000000..2e1ec239 Binary files /dev/null and b/flowers/valid/45/image_07155.jpg differ diff --git a/flowers/valid/45/image_07160.jpg b/flowers/valid/45/image_07160.jpg new file mode 100644 index 00000000..91a25443 Binary files /dev/null and b/flowers/valid/45/image_07160.jpg differ diff --git a/flowers/valid/46/image_00949.jpg b/flowers/valid/46/image_00949.jpg new file mode 100644 index 00000000..194358f2 Binary files /dev/null and b/flowers/valid/46/image_00949.jpg differ diff --git a/flowers/valid/46/image_00977.jpg b/flowers/valid/46/image_00977.jpg new file mode 100644 index 00000000..e638822f Binary files /dev/null and b/flowers/valid/46/image_00977.jpg differ diff --git a/flowers/valid/46/image_00983.jpg b/flowers/valid/46/image_00983.jpg new file mode 100644 index 00000000..ca2521c2 Binary files /dev/null and b/flowers/valid/46/image_00983.jpg differ diff --git a/flowers/valid/46/image_01029.jpg b/flowers/valid/46/image_01029.jpg new file mode 100644 index 00000000..c2041a3c Binary files /dev/null and b/flowers/valid/46/image_01029.jpg differ diff --git a/flowers/valid/46/image_01030.jpg b/flowers/valid/46/image_01030.jpg new file mode 100644 index 00000000..fe2f36c2 Binary files /dev/null and b/flowers/valid/46/image_01030.jpg differ diff --git a/flowers/valid/46/image_01034.jpg b/flowers/valid/46/image_01034.jpg new file mode 100644 index 00000000..ca1c5e1b Binary files /dev/null and b/flowers/valid/46/image_01034.jpg differ diff --git a/flowers/valid/46/image_01040.jpg b/flowers/valid/46/image_01040.jpg new file mode 100644 index 00000000..a5bb725c Binary files /dev/null and b/flowers/valid/46/image_01040.jpg differ diff --git a/flowers/valid/46/image_01047.jpg b/flowers/valid/46/image_01047.jpg new file mode 100644 index 00000000..256317fc Binary files /dev/null and b/flowers/valid/46/image_01047.jpg differ diff --git a/flowers/valid/46/image_01050.jpg b/flowers/valid/46/image_01050.jpg new file mode 100644 index 00000000..7dcde2f6 Binary files /dev/null and b/flowers/valid/46/image_01050.jpg differ diff --git a/flowers/valid/46/image_01065.jpg b/flowers/valid/46/image_01065.jpg new file mode 100644 index 00000000..60e5067e Binary files /dev/null and b/flowers/valid/46/image_01065.jpg differ diff --git a/flowers/valid/46/image_01076.jpg b/flowers/valid/46/image_01076.jpg new file mode 100644 index 00000000..deef18ea Binary files /dev/null and b/flowers/valid/46/image_01076.jpg differ diff --git a/flowers/valid/46/image_01086.jpg b/flowers/valid/46/image_01086.jpg new file mode 100644 index 00000000..064acc1b Binary files /dev/null and b/flowers/valid/46/image_01086.jpg differ diff --git a/flowers/valid/46/image_01095.jpg b/flowers/valid/46/image_01095.jpg new file mode 100644 index 00000000..b83484d2 Binary files /dev/null and b/flowers/valid/46/image_01095.jpg differ diff --git a/flowers/valid/46/image_01100.jpg b/flowers/valid/46/image_01100.jpg new file mode 100644 index 00000000..910021d4 Binary files /dev/null and b/flowers/valid/46/image_01100.jpg differ diff --git a/flowers/valid/46/image_01129.jpg b/flowers/valid/46/image_01129.jpg new file mode 100644 index 00000000..e0ee7e07 Binary files /dev/null and b/flowers/valid/46/image_01129.jpg differ diff --git a/flowers/valid/46/image_01132.jpg b/flowers/valid/46/image_01132.jpg new file mode 100644 index 00000000..bfdd4e55 Binary files /dev/null and b/flowers/valid/46/image_01132.jpg differ diff --git a/flowers/valid/46/image_01138.jpg b/flowers/valid/46/image_01138.jpg new file mode 100644 index 00000000..a177dcfe Binary files /dev/null and b/flowers/valid/46/image_01138.jpg differ diff --git a/flowers/valid/46/image_01142.jpg b/flowers/valid/46/image_01142.jpg new file mode 100644 index 00000000..bf8424be Binary files /dev/null and b/flowers/valid/46/image_01142.jpg differ diff --git a/flowers/valid/47/image_04957.jpg b/flowers/valid/47/image_04957.jpg new file mode 100644 index 00000000..7ed783ac Binary files /dev/null and b/flowers/valid/47/image_04957.jpg differ diff --git a/flowers/valid/47/image_04989.jpg b/flowers/valid/47/image_04989.jpg new file mode 100644 index 00000000..426a1907 Binary files /dev/null and b/flowers/valid/47/image_04989.jpg differ diff --git a/flowers/valid/47/image_05007.jpg b/flowers/valid/47/image_05007.jpg new file mode 100644 index 00000000..c8df909f Binary files /dev/null and b/flowers/valid/47/image_05007.jpg differ diff --git a/flowers/valid/48/image_04641.jpg b/flowers/valid/48/image_04641.jpg new file mode 100644 index 00000000..7f1693c6 Binary files /dev/null and b/flowers/valid/48/image_04641.jpg differ diff --git a/flowers/valid/48/image_04652.jpg b/flowers/valid/48/image_04652.jpg new file mode 100644 index 00000000..7ae3fdeb Binary files /dev/null and b/flowers/valid/48/image_04652.jpg differ diff --git a/flowers/valid/48/image_04678.jpg b/flowers/valid/48/image_04678.jpg new file mode 100644 index 00000000..087e920d Binary files /dev/null and b/flowers/valid/48/image_04678.jpg differ diff --git a/flowers/valid/48/image_04684.jpg b/flowers/valid/48/image_04684.jpg new file mode 100644 index 00000000..b5307254 Binary files /dev/null and b/flowers/valid/48/image_04684.jpg differ diff --git a/flowers/valid/48/image_04687.jpg b/flowers/valid/48/image_04687.jpg new file mode 100644 index 00000000..7a368ec7 Binary files /dev/null and b/flowers/valid/48/image_04687.jpg differ diff --git a/flowers/valid/48/image_04688.jpg b/flowers/valid/48/image_04688.jpg new file mode 100644 index 00000000..bb96674d Binary files /dev/null and b/flowers/valid/48/image_04688.jpg differ diff --git a/flowers/valid/48/image_04690.jpg b/flowers/valid/48/image_04690.jpg new file mode 100644 index 00000000..3586c5fb Binary files /dev/null and b/flowers/valid/48/image_04690.jpg differ diff --git a/flowers/valid/48/image_04691.jpg b/flowers/valid/48/image_04691.jpg new file mode 100644 index 00000000..b160dcd4 Binary files /dev/null and b/flowers/valid/48/image_04691.jpg differ diff --git a/flowers/valid/48/image_04693.jpg b/flowers/valid/48/image_04693.jpg new file mode 100644 index 00000000..43f6bed1 Binary files /dev/null and b/flowers/valid/48/image_04693.jpg differ diff --git a/flowers/valid/49/image_06209.jpg b/flowers/valid/49/image_06209.jpg new file mode 100644 index 00000000..87cc31e6 Binary files /dev/null and b/flowers/valid/49/image_06209.jpg differ diff --git a/flowers/valid/49/image_06210.jpg b/flowers/valid/49/image_06210.jpg new file mode 100644 index 00000000..3586bcf2 Binary files /dev/null and b/flowers/valid/49/image_06210.jpg differ diff --git a/flowers/valid/49/image_06216.jpg b/flowers/valid/49/image_06216.jpg new file mode 100644 index 00000000..dab45aa4 Binary files /dev/null and b/flowers/valid/49/image_06216.jpg differ diff --git a/flowers/valid/49/image_06222.jpg b/flowers/valid/49/image_06222.jpg new file mode 100644 index 00000000..56b78e72 Binary files /dev/null and b/flowers/valid/49/image_06222.jpg differ diff --git a/flowers/valid/49/image_06228.jpg b/flowers/valid/49/image_06228.jpg new file mode 100644 index 00000000..8575288c Binary files /dev/null and b/flowers/valid/49/image_06228.jpg differ diff --git a/flowers/valid/49/image_06230.jpg b/flowers/valid/49/image_06230.jpg new file mode 100644 index 00000000..b356da8b Binary files /dev/null and b/flowers/valid/49/image_06230.jpg differ diff --git a/flowers/valid/49/image_06235.jpg b/flowers/valid/49/image_06235.jpg new file mode 100644 index 00000000..f48f5cbc Binary files /dev/null and b/flowers/valid/49/image_06235.jpg differ diff --git a/flowers/valid/49/image_06240.jpg b/flowers/valid/49/image_06240.jpg new file mode 100644 index 00000000..9e66db7f Binary files /dev/null and b/flowers/valid/49/image_06240.jpg differ diff --git a/flowers/valid/5/image_05164.jpg b/flowers/valid/5/image_05164.jpg new file mode 100644 index 00000000..d8b6bb64 Binary files /dev/null and b/flowers/valid/5/image_05164.jpg differ diff --git a/flowers/valid/5/image_05168.jpg b/flowers/valid/5/image_05168.jpg new file mode 100644 index 00000000..21da4f93 Binary files /dev/null and b/flowers/valid/5/image_05168.jpg differ diff --git a/flowers/valid/5/image_05188.jpg b/flowers/valid/5/image_05188.jpg new file mode 100644 index 00000000..1a789fbe Binary files /dev/null and b/flowers/valid/5/image_05188.jpg differ diff --git a/flowers/valid/5/image_05192.jpg b/flowers/valid/5/image_05192.jpg new file mode 100644 index 00000000..e333c14f Binary files /dev/null and b/flowers/valid/5/image_05192.jpg differ diff --git a/flowers/valid/5/image_05196.jpg b/flowers/valid/5/image_05196.jpg new file mode 100644 index 00000000..c0d481fa Binary files /dev/null and b/flowers/valid/5/image_05196.jpg differ diff --git a/flowers/valid/5/image_05199.jpg b/flowers/valid/5/image_05199.jpg new file mode 100644 index 00000000..cd9d06e9 Binary files /dev/null and b/flowers/valid/5/image_05199.jpg differ diff --git a/flowers/valid/5/image_05209.jpg b/flowers/valid/5/image_05209.jpg new file mode 100644 index 00000000..7064e85c Binary files /dev/null and b/flowers/valid/5/image_05209.jpg differ diff --git a/flowers/valid/50/image_06305.jpg b/flowers/valid/50/image_06305.jpg new file mode 100644 index 00000000..ae2f42b3 Binary files /dev/null and b/flowers/valid/50/image_06305.jpg differ diff --git a/flowers/valid/50/image_06311.jpg b/flowers/valid/50/image_06311.jpg new file mode 100644 index 00000000..0e5c7412 Binary files /dev/null and b/flowers/valid/50/image_06311.jpg differ diff --git a/flowers/valid/50/image_06324.jpg b/flowers/valid/50/image_06324.jpg new file mode 100644 index 00000000..995ceef5 Binary files /dev/null and b/flowers/valid/50/image_06324.jpg differ diff --git a/flowers/valid/50/image_06331.jpg b/flowers/valid/50/image_06331.jpg new file mode 100644 index 00000000..e12fd381 Binary files /dev/null and b/flowers/valid/50/image_06331.jpg differ diff --git a/flowers/valid/50/image_06528.jpg b/flowers/valid/50/image_06528.jpg new file mode 100644 index 00000000..efa56a59 Binary files /dev/null and b/flowers/valid/50/image_06528.jpg differ diff --git a/flowers/valid/50/image_06534.jpg b/flowers/valid/50/image_06534.jpg new file mode 100644 index 00000000..f41b78f7 Binary files /dev/null and b/flowers/valid/50/image_06534.jpg differ diff --git a/flowers/valid/50/image_06544.jpg b/flowers/valid/50/image_06544.jpg new file mode 100644 index 00000000..a43f04c2 Binary files /dev/null and b/flowers/valid/50/image_06544.jpg differ diff --git a/flowers/valid/50/image_06550.jpg b/flowers/valid/50/image_06550.jpg new file mode 100644 index 00000000..c36f6b7a Binary files /dev/null and b/flowers/valid/50/image_06550.jpg differ diff --git a/flowers/valid/50/image_06552.jpg b/flowers/valid/50/image_06552.jpg new file mode 100644 index 00000000..b1175328 Binary files /dev/null and b/flowers/valid/50/image_06552.jpg differ diff --git a/flowers/valid/50/image_06558.jpg b/flowers/valid/50/image_06558.jpg new file mode 100644 index 00000000..dd127195 Binary files /dev/null and b/flowers/valid/50/image_06558.jpg differ diff --git a/flowers/valid/50/image_06562.jpg b/flowers/valid/50/image_06562.jpg new file mode 100644 index 00000000..3e052f15 Binary files /dev/null and b/flowers/valid/50/image_06562.jpg differ diff --git a/flowers/valid/51/image_01315.jpg b/flowers/valid/51/image_01315.jpg new file mode 100644 index 00000000..15d5fd93 Binary files /dev/null and b/flowers/valid/51/image_01315.jpg differ diff --git a/flowers/valid/51/image_01322.jpg b/flowers/valid/51/image_01322.jpg new file mode 100644 index 00000000..35e07cde Binary files /dev/null and b/flowers/valid/51/image_01322.jpg differ diff --git a/flowers/valid/51/image_01326.jpg b/flowers/valid/51/image_01326.jpg new file mode 100644 index 00000000..fbac733f Binary files /dev/null and b/flowers/valid/51/image_01326.jpg differ diff --git a/flowers/valid/51/image_01346.jpg b/flowers/valid/51/image_01346.jpg new file mode 100644 index 00000000..6ae5c4f7 Binary files /dev/null and b/flowers/valid/51/image_01346.jpg differ diff --git a/flowers/valid/51/image_01352.jpg b/flowers/valid/51/image_01352.jpg new file mode 100644 index 00000000..79c3c9b2 Binary files /dev/null and b/flowers/valid/51/image_01352.jpg differ diff --git a/flowers/valid/51/image_01354.jpg b/flowers/valid/51/image_01354.jpg new file mode 100644 index 00000000..aa1f585d Binary files /dev/null and b/flowers/valid/51/image_01354.jpg differ diff --git a/flowers/valid/51/image_01363.jpg b/flowers/valid/51/image_01363.jpg new file mode 100644 index 00000000..b90863db Binary files /dev/null and b/flowers/valid/51/image_01363.jpg differ diff --git a/flowers/valid/51/image_01389.jpg b/flowers/valid/51/image_01389.jpg new file mode 100644 index 00000000..f11d0f97 Binary files /dev/null and b/flowers/valid/51/image_01389.jpg differ diff --git a/flowers/valid/51/image_01391.jpg b/flowers/valid/51/image_01391.jpg new file mode 100644 index 00000000..df1ae4b4 Binary files /dev/null and b/flowers/valid/51/image_01391.jpg differ diff --git a/flowers/valid/51/image_01414.jpg b/flowers/valid/51/image_01414.jpg new file mode 100644 index 00000000..d859d124 Binary files /dev/null and b/flowers/valid/51/image_01414.jpg differ diff --git a/flowers/valid/51/image_01419.jpg b/flowers/valid/51/image_01419.jpg new file mode 100644 index 00000000..3d5abe50 Binary files /dev/null and b/flowers/valid/51/image_01419.jpg differ diff --git a/flowers/valid/51/image_01425.jpg b/flowers/valid/51/image_01425.jpg new file mode 100644 index 00000000..5854563f Binary files /dev/null and b/flowers/valid/51/image_01425.jpg differ diff --git a/flowers/valid/51/image_01439.jpg b/flowers/valid/51/image_01439.jpg new file mode 100644 index 00000000..8c3056de Binary files /dev/null and b/flowers/valid/51/image_01439.jpg differ diff --git a/flowers/valid/51/image_01459.jpg b/flowers/valid/51/image_01459.jpg new file mode 100644 index 00000000..61b86348 Binary files /dev/null and b/flowers/valid/51/image_01459.jpg differ diff --git a/flowers/valid/51/image_01469.jpg b/flowers/valid/51/image_01469.jpg new file mode 100644 index 00000000..1112f1da Binary files /dev/null and b/flowers/valid/51/image_01469.jpg differ diff --git a/flowers/valid/51/image_01473.jpg b/flowers/valid/51/image_01473.jpg new file mode 100644 index 00000000..c4ecde09 Binary files /dev/null and b/flowers/valid/51/image_01473.jpg differ diff --git a/flowers/valid/51/image_03916.jpg b/flowers/valid/51/image_03916.jpg new file mode 100644 index 00000000..2a910add Binary files /dev/null and b/flowers/valid/51/image_03916.jpg differ diff --git a/flowers/valid/51/image_03917.jpg b/flowers/valid/51/image_03917.jpg new file mode 100644 index 00000000..ff32bab4 Binary files /dev/null and b/flowers/valid/51/image_03917.jpg differ diff --git a/flowers/valid/51/image_03927.jpg b/flowers/valid/51/image_03927.jpg new file mode 100644 index 00000000..fef9df7f Binary files /dev/null and b/flowers/valid/51/image_03927.jpg differ diff --git a/flowers/valid/51/image_03933.jpg b/flowers/valid/51/image_03933.jpg new file mode 100644 index 00000000..8631ed71 Binary files /dev/null and b/flowers/valid/51/image_03933.jpg differ diff --git a/flowers/valid/51/image_03937.jpg b/flowers/valid/51/image_03937.jpg new file mode 100644 index 00000000..91dab9de Binary files /dev/null and b/flowers/valid/51/image_03937.jpg differ diff --git a/flowers/valid/51/image_03938.jpg b/flowers/valid/51/image_03938.jpg new file mode 100644 index 00000000..f8f5f42f Binary files /dev/null and b/flowers/valid/51/image_03938.jpg differ diff --git a/flowers/valid/51/image_03943.jpg b/flowers/valid/51/image_03943.jpg new file mode 100644 index 00000000..0b70c9de Binary files /dev/null and b/flowers/valid/51/image_03943.jpg differ diff --git a/flowers/valid/51/image_03946.jpg b/flowers/valid/51/image_03946.jpg new file mode 100644 index 00000000..23446703 Binary files /dev/null and b/flowers/valid/51/image_03946.jpg differ diff --git a/flowers/valid/51/image_03951.jpg b/flowers/valid/51/image_03951.jpg new file mode 100644 index 00000000..fd2f29f7 Binary files /dev/null and b/flowers/valid/51/image_03951.jpg differ diff --git a/flowers/valid/51/image_03961.jpg b/flowers/valid/51/image_03961.jpg new file mode 100644 index 00000000..7c03d8f8 Binary files /dev/null and b/flowers/valid/51/image_03961.jpg differ diff --git a/flowers/valid/51/image_03974.jpg b/flowers/valid/51/image_03974.jpg new file mode 100644 index 00000000..a7614b79 Binary files /dev/null and b/flowers/valid/51/image_03974.jpg differ diff --git a/flowers/valid/51/image_03975.jpg b/flowers/valid/51/image_03975.jpg new file mode 100644 index 00000000..d2e0aae0 Binary files /dev/null and b/flowers/valid/51/image_03975.jpg differ diff --git a/flowers/valid/52/image_04163.jpg b/flowers/valid/52/image_04163.jpg new file mode 100644 index 00000000..1685c3cf Binary files /dev/null and b/flowers/valid/52/image_04163.jpg differ diff --git a/flowers/valid/52/image_04172.jpg b/flowers/valid/52/image_04172.jpg new file mode 100644 index 00000000..58c9045d Binary files /dev/null and b/flowers/valid/52/image_04172.jpg differ diff --git a/flowers/valid/52/image_04173.jpg b/flowers/valid/52/image_04173.jpg new file mode 100644 index 00000000..a0a509cc Binary files /dev/null and b/flowers/valid/52/image_04173.jpg differ diff --git a/flowers/valid/52/image_04182.jpg b/flowers/valid/52/image_04182.jpg new file mode 100644 index 00000000..0fc41f66 Binary files /dev/null and b/flowers/valid/52/image_04182.jpg differ diff --git a/flowers/valid/52/image_04191.jpg b/flowers/valid/52/image_04191.jpg new file mode 100644 index 00000000..a65c3a88 Binary files /dev/null and b/flowers/valid/52/image_04191.jpg differ diff --git a/flowers/valid/52/image_04207.jpg b/flowers/valid/52/image_04207.jpg new file mode 100644 index 00000000..5d5e2cb5 Binary files /dev/null and b/flowers/valid/52/image_04207.jpg differ diff --git a/flowers/valid/52/image_04215.jpg b/flowers/valid/52/image_04215.jpg new file mode 100644 index 00000000..d24014bb Binary files /dev/null and b/flowers/valid/52/image_04215.jpg differ diff --git a/flowers/valid/52/image_04225.jpg b/flowers/valid/52/image_04225.jpg new file mode 100644 index 00000000..43a857bb Binary files /dev/null and b/flowers/valid/52/image_04225.jpg differ diff --git a/flowers/valid/52/image_04235.jpg b/flowers/valid/52/image_04235.jpg new file mode 100644 index 00000000..11c9447f Binary files /dev/null and b/flowers/valid/52/image_04235.jpg differ diff --git a/flowers/valid/52/image_04238.jpg b/flowers/valid/52/image_04238.jpg new file mode 100644 index 00000000..61c09a40 Binary files /dev/null and b/flowers/valid/52/image_04238.jpg differ diff --git a/flowers/valid/53/image_03654.jpg b/flowers/valid/53/image_03654.jpg new file mode 100644 index 00000000..bb3df9be Binary files /dev/null and b/flowers/valid/53/image_03654.jpg differ diff --git a/flowers/valid/53/image_03655.jpg b/flowers/valid/53/image_03655.jpg new file mode 100644 index 00000000..42fa0bb3 Binary files /dev/null and b/flowers/valid/53/image_03655.jpg differ diff --git a/flowers/valid/53/image_03656.jpg b/flowers/valid/53/image_03656.jpg new file mode 100644 index 00000000..0517a983 Binary files /dev/null and b/flowers/valid/53/image_03656.jpg differ diff --git a/flowers/valid/53/image_03667.jpg b/flowers/valid/53/image_03667.jpg new file mode 100644 index 00000000..cd4c1fb9 Binary files /dev/null and b/flowers/valid/53/image_03667.jpg differ diff --git a/flowers/valid/53/image_03668.jpg b/flowers/valid/53/image_03668.jpg new file mode 100644 index 00000000..2fbe388b Binary files /dev/null and b/flowers/valid/53/image_03668.jpg differ diff --git a/flowers/valid/53/image_03670.jpg b/flowers/valid/53/image_03670.jpg new file mode 100644 index 00000000..f817572f Binary files /dev/null and b/flowers/valid/53/image_03670.jpg differ diff --git a/flowers/valid/53/image_03693.jpg b/flowers/valid/53/image_03693.jpg new file mode 100644 index 00000000..1f3e4c0e Binary files /dev/null and b/flowers/valid/53/image_03693.jpg differ diff --git a/flowers/valid/53/image_03702.jpg b/flowers/valid/53/image_03702.jpg new file mode 100644 index 00000000..53ae0e44 Binary files /dev/null and b/flowers/valid/53/image_03702.jpg differ diff --git a/flowers/valid/53/image_03733.jpg b/flowers/valid/53/image_03733.jpg new file mode 100644 index 00000000..2759b8b9 Binary files /dev/null and b/flowers/valid/53/image_03733.jpg differ diff --git a/flowers/valid/54/image_05406.jpg b/flowers/valid/54/image_05406.jpg new file mode 100644 index 00000000..be543d40 Binary files /dev/null and b/flowers/valid/54/image_05406.jpg differ diff --git a/flowers/valid/54/image_05411.jpg b/flowers/valid/54/image_05411.jpg new file mode 100644 index 00000000..57147bd6 Binary files /dev/null and b/flowers/valid/54/image_05411.jpg differ diff --git a/flowers/valid/54/image_05415.jpg b/flowers/valid/54/image_05415.jpg new file mode 100644 index 00000000..0e6cf888 Binary files /dev/null and b/flowers/valid/54/image_05415.jpg differ diff --git a/flowers/valid/54/image_05417.jpg b/flowers/valid/54/image_05417.jpg new file mode 100644 index 00000000..82a97409 Binary files /dev/null and b/flowers/valid/54/image_05417.jpg differ diff --git a/flowers/valid/54/image_05425.jpg b/flowers/valid/54/image_05425.jpg new file mode 100644 index 00000000..2873de3b Binary files /dev/null and b/flowers/valid/54/image_05425.jpg differ diff --git a/flowers/valid/54/image_05426.jpg b/flowers/valid/54/image_05426.jpg new file mode 100644 index 00000000..cdf96033 Binary files /dev/null and b/flowers/valid/54/image_05426.jpg differ diff --git a/flowers/valid/54/image_05449.jpg b/flowers/valid/54/image_05449.jpg new file mode 100644 index 00000000..9721e42d Binary files /dev/null and b/flowers/valid/54/image_05449.jpg differ diff --git a/flowers/valid/54/image_05451.jpg b/flowers/valid/54/image_05451.jpg new file mode 100644 index 00000000..f7046774 Binary files /dev/null and b/flowers/valid/54/image_05451.jpg differ diff --git a/flowers/valid/54/image_05452.jpg b/flowers/valid/54/image_05452.jpg new file mode 100644 index 00000000..b500ae65 Binary files /dev/null and b/flowers/valid/54/image_05452.jpg differ diff --git a/flowers/valid/54/image_05453.jpg b/flowers/valid/54/image_05453.jpg new file mode 100644 index 00000000..8ebd89d9 Binary files /dev/null and b/flowers/valid/54/image_05453.jpg differ diff --git a/flowers/valid/55/image_04696.jpg b/flowers/valid/55/image_04696.jpg new file mode 100644 index 00000000..60ea948b Binary files /dev/null and b/flowers/valid/55/image_04696.jpg differ diff --git a/flowers/valid/55/image_04702.jpg b/flowers/valid/55/image_04702.jpg new file mode 100644 index 00000000..b1e88d36 Binary files /dev/null and b/flowers/valid/55/image_04702.jpg differ diff --git a/flowers/valid/55/image_04720.jpg b/flowers/valid/55/image_04720.jpg new file mode 100644 index 00000000..c2d879b8 Binary files /dev/null and b/flowers/valid/55/image_04720.jpg differ diff --git a/flowers/valid/55/image_04722.jpg b/flowers/valid/55/image_04722.jpg new file mode 100644 index 00000000..db57f9da Binary files /dev/null and b/flowers/valid/55/image_04722.jpg differ diff --git a/flowers/valid/55/image_04734.jpg b/flowers/valid/55/image_04734.jpg new file mode 100644 index 00000000..8f854b68 Binary files /dev/null and b/flowers/valid/55/image_04734.jpg differ diff --git a/flowers/valid/55/image_04739.jpg b/flowers/valid/55/image_04739.jpg new file mode 100644 index 00000000..559fa71c Binary files /dev/null and b/flowers/valid/55/image_04739.jpg differ diff --git a/flowers/valid/55/image_04753.jpg b/flowers/valid/55/image_04753.jpg new file mode 100644 index 00000000..f04045f8 Binary files /dev/null and b/flowers/valid/55/image_04753.jpg differ diff --git a/flowers/valid/55/image_04760.jpg b/flowers/valid/55/image_04760.jpg new file mode 100644 index 00000000..e394ad8f Binary files /dev/null and b/flowers/valid/55/image_04760.jpg differ diff --git a/flowers/valid/56/image_02769.jpg b/flowers/valid/56/image_02769.jpg new file mode 100644 index 00000000..8b8b17d9 Binary files /dev/null and b/flowers/valid/56/image_02769.jpg differ diff --git a/flowers/valid/56/image_02771.jpg b/flowers/valid/56/image_02771.jpg new file mode 100644 index 00000000..6e1c3c4c Binary files /dev/null and b/flowers/valid/56/image_02771.jpg differ diff --git a/flowers/valid/56/image_02773.jpg b/flowers/valid/56/image_02773.jpg new file mode 100644 index 00000000..ca922511 Binary files /dev/null and b/flowers/valid/56/image_02773.jpg differ diff --git a/flowers/valid/56/image_02788.jpg b/flowers/valid/56/image_02788.jpg new file mode 100644 index 00000000..b6b00029 Binary files /dev/null and b/flowers/valid/56/image_02788.jpg differ diff --git a/flowers/valid/56/image_02792.jpg b/flowers/valid/56/image_02792.jpg new file mode 100644 index 00000000..0aa4eb14 Binary files /dev/null and b/flowers/valid/56/image_02792.jpg differ diff --git a/flowers/valid/56/image_02805.jpg b/flowers/valid/56/image_02805.jpg new file mode 100644 index 00000000..ae58f0ac Binary files /dev/null and b/flowers/valid/56/image_02805.jpg differ diff --git a/flowers/valid/56/image_02849.jpg b/flowers/valid/56/image_02849.jpg new file mode 100644 index 00000000..1af9b020 Binary files /dev/null and b/flowers/valid/56/image_02849.jpg differ diff --git a/flowers/valid/56/image_02857.jpg b/flowers/valid/56/image_02857.jpg new file mode 100644 index 00000000..cb375924 Binary files /dev/null and b/flowers/valid/56/image_02857.jpg differ diff --git a/flowers/valid/56/image_02858.jpg b/flowers/valid/56/image_02858.jpg new file mode 100644 index 00000000..0f3a1f23 Binary files /dev/null and b/flowers/valid/56/image_02858.jpg differ diff --git a/flowers/valid/57/image_07239.jpg b/flowers/valid/57/image_07239.jpg new file mode 100644 index 00000000..f6e81a47 Binary files /dev/null and b/flowers/valid/57/image_07239.jpg differ diff --git a/flowers/valid/57/image_07247.jpg b/flowers/valid/57/image_07247.jpg new file mode 100644 index 00000000..a572a027 Binary files /dev/null and b/flowers/valid/57/image_07247.jpg differ diff --git a/flowers/valid/57/image_07254.jpg b/flowers/valid/57/image_07254.jpg new file mode 100644 index 00000000..431b28b5 Binary files /dev/null and b/flowers/valid/57/image_07254.jpg differ diff --git a/flowers/valid/57/image_07255.jpg b/flowers/valid/57/image_07255.jpg new file mode 100644 index 00000000..cd05751b Binary files /dev/null and b/flowers/valid/57/image_07255.jpg differ diff --git a/flowers/valid/57/image_07262.jpg b/flowers/valid/57/image_07262.jpg new file mode 100644 index 00000000..70712b39 Binary files /dev/null and b/flowers/valid/57/image_07262.jpg differ diff --git a/flowers/valid/57/image_08145.jpg b/flowers/valid/57/image_08145.jpg new file mode 100644 index 00000000..6cad6419 Binary files /dev/null and b/flowers/valid/57/image_08145.jpg differ diff --git a/flowers/valid/58/image_02642.jpg b/flowers/valid/58/image_02642.jpg new file mode 100644 index 00000000..0653f71f Binary files /dev/null and b/flowers/valid/58/image_02642.jpg differ diff --git a/flowers/valid/58/image_02649.jpg b/flowers/valid/58/image_02649.jpg new file mode 100644 index 00000000..eee7d652 Binary files /dev/null and b/flowers/valid/58/image_02649.jpg differ diff --git a/flowers/valid/58/image_02653.jpg b/flowers/valid/58/image_02653.jpg new file mode 100644 index 00000000..045aff66 Binary files /dev/null and b/flowers/valid/58/image_02653.jpg differ diff --git a/flowers/valid/58/image_02656.jpg b/flowers/valid/58/image_02656.jpg new file mode 100644 index 00000000..eb47b89f Binary files /dev/null and b/flowers/valid/58/image_02656.jpg differ diff --git a/flowers/valid/58/image_02675.jpg b/flowers/valid/58/image_02675.jpg new file mode 100644 index 00000000..b39ad454 Binary files /dev/null and b/flowers/valid/58/image_02675.jpg differ diff --git a/flowers/valid/58/image_02676.jpg b/flowers/valid/58/image_02676.jpg new file mode 100644 index 00000000..da3614bc Binary files /dev/null and b/flowers/valid/58/image_02676.jpg differ diff --git a/flowers/valid/58/image_02690.jpg b/flowers/valid/58/image_02690.jpg new file mode 100644 index 00000000..c63eecf9 Binary files /dev/null and b/flowers/valid/58/image_02690.jpg differ diff --git a/flowers/valid/58/image_02691.jpg b/flowers/valid/58/image_02691.jpg new file mode 100644 index 00000000..120e0355 Binary files /dev/null and b/flowers/valid/58/image_02691.jpg differ diff --git a/flowers/valid/58/image_02700.jpg b/flowers/valid/58/image_02700.jpg new file mode 100644 index 00000000..4bc973a0 Binary files /dev/null and b/flowers/valid/58/image_02700.jpg differ diff --git a/flowers/valid/58/image_02705.jpg b/flowers/valid/58/image_02705.jpg new file mode 100644 index 00000000..6037cee8 Binary files /dev/null and b/flowers/valid/58/image_02705.jpg differ diff --git a/flowers/valid/58/image_02726.jpg b/flowers/valid/58/image_02726.jpg new file mode 100644 index 00000000..674b9b08 Binary files /dev/null and b/flowers/valid/58/image_02726.jpg differ diff --git a/flowers/valid/58/image_02734.jpg b/flowers/valid/58/image_02734.jpg new file mode 100644 index 00000000..8c1383d2 Binary files /dev/null and b/flowers/valid/58/image_02734.jpg differ diff --git a/flowers/valid/58/image_02741.jpg b/flowers/valid/58/image_02741.jpg new file mode 100644 index 00000000..7f4cbff7 Binary files /dev/null and b/flowers/valid/58/image_02741.jpg differ diff --git a/flowers/valid/58/image_02742.jpg b/flowers/valid/58/image_02742.jpg new file mode 100644 index 00000000..c6800549 Binary files /dev/null and b/flowers/valid/58/image_02742.jpg differ diff --git a/flowers/valid/59/image_05034.jpg b/flowers/valid/59/image_05034.jpg new file mode 100644 index 00000000..1b4bc59b Binary files /dev/null and b/flowers/valid/59/image_05034.jpg differ diff --git a/flowers/valid/59/image_05056.jpg b/flowers/valid/59/image_05056.jpg new file mode 100644 index 00000000..1d8f1fd7 Binary files /dev/null and b/flowers/valid/59/image_05056.jpg differ diff --git a/flowers/valid/59/image_05077.jpg b/flowers/valid/59/image_05077.jpg new file mode 100644 index 00000000..227e91c4 Binary files /dev/null and b/flowers/valid/59/image_05077.jpg differ diff --git a/flowers/valid/59/image_05086.jpg b/flowers/valid/59/image_05086.jpg new file mode 100644 index 00000000..a61c9f8b Binary files /dev/null and b/flowers/valid/59/image_05086.jpg differ diff --git a/flowers/valid/6/image_08105.jpg b/flowers/valid/6/image_08105.jpg new file mode 100644 index 00000000..71b330f5 Binary files /dev/null and b/flowers/valid/6/image_08105.jpg differ diff --git a/flowers/valid/60/image_02923.jpg b/flowers/valid/60/image_02923.jpg new file mode 100644 index 00000000..e01f2b3a Binary files /dev/null and b/flowers/valid/60/image_02923.jpg differ diff --git a/flowers/valid/60/image_02928.jpg b/flowers/valid/60/image_02928.jpg new file mode 100644 index 00000000..9c1c04fd Binary files /dev/null and b/flowers/valid/60/image_02928.jpg differ diff --git a/flowers/valid/60/image_02936.jpg b/flowers/valid/60/image_02936.jpg new file mode 100644 index 00000000..d0d31e2d Binary files /dev/null and b/flowers/valid/60/image_02936.jpg differ diff --git a/flowers/valid/60/image_02937.jpg b/flowers/valid/60/image_02937.jpg new file mode 100644 index 00000000..fa0b2d20 Binary files /dev/null and b/flowers/valid/60/image_02937.jpg differ diff --git a/flowers/valid/60/image_02948.jpg b/flowers/valid/60/image_02948.jpg new file mode 100644 index 00000000..f0dc6d05 Binary files /dev/null and b/flowers/valid/60/image_02948.jpg differ diff --git a/flowers/valid/60/image_02959.jpg b/flowers/valid/60/image_02959.jpg new file mode 100644 index 00000000..80734867 Binary files /dev/null and b/flowers/valid/60/image_02959.jpg differ diff --git a/flowers/valid/60/image_02961.jpg b/flowers/valid/60/image_02961.jpg new file mode 100644 index 00000000..7784989c Binary files /dev/null and b/flowers/valid/60/image_02961.jpg differ diff --git a/flowers/valid/60/image_02974.jpg b/flowers/valid/60/image_02974.jpg new file mode 100644 index 00000000..57309b5c Binary files /dev/null and b/flowers/valid/60/image_02974.jpg differ diff --git a/flowers/valid/60/image_02981.jpg b/flowers/valid/60/image_02981.jpg new file mode 100644 index 00000000..eae6884e Binary files /dev/null and b/flowers/valid/60/image_02981.jpg differ diff --git a/flowers/valid/60/image_02992.jpg b/flowers/valid/60/image_02992.jpg new file mode 100644 index 00000000..fdac23de Binary files /dev/null and b/flowers/valid/60/image_02992.jpg differ diff --git a/flowers/valid/60/image_02996.jpg b/flowers/valid/60/image_02996.jpg new file mode 100644 index 00000000..796aded7 Binary files /dev/null and b/flowers/valid/60/image_02996.jpg differ diff --git a/flowers/valid/60/image_02997.jpg b/flowers/valid/60/image_02997.jpg new file mode 100644 index 00000000..89a41ad3 Binary files /dev/null and b/flowers/valid/60/image_02997.jpg differ diff --git a/flowers/valid/60/image_03003.jpg b/flowers/valid/60/image_03003.jpg new file mode 100644 index 00000000..4f4b13ae Binary files /dev/null and b/flowers/valid/60/image_03003.jpg differ diff --git a/flowers/valid/60/image_03016.jpg b/flowers/valid/60/image_03016.jpg new file mode 100644 index 00000000..f514e444 Binary files /dev/null and b/flowers/valid/60/image_03016.jpg differ diff --git a/flowers/valid/61/image_06259.jpg b/flowers/valid/61/image_06259.jpg new file mode 100644 index 00000000..9bc39918 Binary files /dev/null and b/flowers/valid/61/image_06259.jpg differ diff --git a/flowers/valid/61/image_06261.jpg b/flowers/valid/61/image_06261.jpg new file mode 100644 index 00000000..f60e5014 Binary files /dev/null and b/flowers/valid/61/image_06261.jpg differ diff --git a/flowers/valid/61/image_06273.jpg b/flowers/valid/61/image_06273.jpg new file mode 100644 index 00000000..84a46b99 Binary files /dev/null and b/flowers/valid/61/image_06273.jpg differ diff --git a/flowers/valid/61/image_06292.jpg b/flowers/valid/61/image_06292.jpg new file mode 100644 index 00000000..4754cdab Binary files /dev/null and b/flowers/valid/61/image_06292.jpg differ diff --git a/flowers/valid/61/image_06293.jpg b/flowers/valid/61/image_06293.jpg new file mode 100644 index 00000000..1316af36 Binary files /dev/null and b/flowers/valid/61/image_06293.jpg differ diff --git a/flowers/valid/61/image_06296.jpg b/flowers/valid/61/image_06296.jpg new file mode 100644 index 00000000..bd861999 Binary files /dev/null and b/flowers/valid/61/image_06296.jpg differ diff --git a/flowers/valid/62/image_07271.jpg b/flowers/valid/62/image_07271.jpg new file mode 100644 index 00000000..59db6e8d Binary files /dev/null and b/flowers/valid/62/image_07271.jpg differ diff --git a/flowers/valid/62/image_08155.jpg b/flowers/valid/62/image_08155.jpg new file mode 100644 index 00000000..42055d05 Binary files /dev/null and b/flowers/valid/62/image_08155.jpg differ diff --git a/flowers/valid/62/image_08171.jpg b/flowers/valid/62/image_08171.jpg new file mode 100644 index 00000000..cb25c0ff Binary files /dev/null and b/flowers/valid/62/image_08171.jpg differ diff --git a/flowers/valid/63/image_05853.jpg b/flowers/valid/63/image_05853.jpg new file mode 100644 index 00000000..28bb6e12 Binary files /dev/null and b/flowers/valid/63/image_05853.jpg differ diff --git a/flowers/valid/63/image_05857.jpg b/flowers/valid/63/image_05857.jpg new file mode 100644 index 00000000..2beb8de4 Binary files /dev/null and b/flowers/valid/63/image_05857.jpg differ diff --git a/flowers/valid/63/image_05861.jpg b/flowers/valid/63/image_05861.jpg new file mode 100644 index 00000000..7e4c90af Binary files /dev/null and b/flowers/valid/63/image_05861.jpg differ diff --git a/flowers/valid/63/image_05867.jpg b/flowers/valid/63/image_05867.jpg new file mode 100644 index 00000000..a206fc05 Binary files /dev/null and b/flowers/valid/63/image_05867.jpg differ diff --git a/flowers/valid/63/image_05871.jpg b/flowers/valid/63/image_05871.jpg new file mode 100644 index 00000000..fae669cb Binary files /dev/null and b/flowers/valid/63/image_05871.jpg differ diff --git a/flowers/valid/63/image_05876.jpg b/flowers/valid/63/image_05876.jpg new file mode 100644 index 00000000..e0429e68 Binary files /dev/null and b/flowers/valid/63/image_05876.jpg differ diff --git a/flowers/valid/63/image_05894.jpg b/flowers/valid/63/image_05894.jpg new file mode 100644 index 00000000..5176b8aa Binary files /dev/null and b/flowers/valid/63/image_05894.jpg differ diff --git a/flowers/valid/63/image_05898.jpg b/flowers/valid/63/image_05898.jpg new file mode 100644 index 00000000..61ea66dd Binary files /dev/null and b/flowers/valid/63/image_05898.jpg differ diff --git a/flowers/valid/64/image_06098.jpg b/flowers/valid/64/image_06098.jpg new file mode 100644 index 00000000..d4e53ccb Binary files /dev/null and b/flowers/valid/64/image_06098.jpg differ diff --git a/flowers/valid/64/image_06123.jpg b/flowers/valid/64/image_06123.jpg new file mode 100644 index 00000000..b3b39fe7 Binary files /dev/null and b/flowers/valid/64/image_06123.jpg differ diff --git a/flowers/valid/64/image_06126.jpg b/flowers/valid/64/image_06126.jpg new file mode 100644 index 00000000..330221e4 Binary files /dev/null and b/flowers/valid/64/image_06126.jpg differ diff --git a/flowers/valid/64/image_06129.jpg b/flowers/valid/64/image_06129.jpg new file mode 100644 index 00000000..93e4fdff Binary files /dev/null and b/flowers/valid/64/image_06129.jpg differ diff --git a/flowers/valid/64/image_06141.jpg b/flowers/valid/64/image_06141.jpg new file mode 100644 index 00000000..3c21624a Binary files /dev/null and b/flowers/valid/64/image_06141.jpg differ diff --git a/flowers/valid/65/image_03193.jpg b/flowers/valid/65/image_03193.jpg new file mode 100644 index 00000000..3927457a Binary files /dev/null and b/flowers/valid/65/image_03193.jpg differ diff --git a/flowers/valid/65/image_03222.jpg b/flowers/valid/65/image_03222.jpg new file mode 100644 index 00000000..853f6bfb Binary files /dev/null and b/flowers/valid/65/image_03222.jpg differ diff --git a/flowers/valid/65/image_03224.jpg b/flowers/valid/65/image_03224.jpg new file mode 100644 index 00000000..032d17db Binary files /dev/null and b/flowers/valid/65/image_03224.jpg differ diff --git a/flowers/valid/65/image_03241.jpg b/flowers/valid/65/image_03241.jpg new file mode 100644 index 00000000..6260d10b Binary files /dev/null and b/flowers/valid/65/image_03241.jpg differ diff --git a/flowers/valid/65/image_03250.jpg b/flowers/valid/65/image_03250.jpg new file mode 100644 index 00000000..1a710b49 Binary files /dev/null and b/flowers/valid/65/image_03250.jpg differ diff --git a/flowers/valid/65/image_03276.jpg b/flowers/valid/65/image_03276.jpg new file mode 100644 index 00000000..63f1c959 Binary files /dev/null and b/flowers/valid/65/image_03276.jpg differ diff --git a/flowers/valid/65/image_03279.jpg b/flowers/valid/65/image_03279.jpg new file mode 100644 index 00000000..f861af81 Binary files /dev/null and b/flowers/valid/65/image_03279.jpg differ diff --git a/flowers/valid/66/image_05559.jpg b/flowers/valid/66/image_05559.jpg new file mode 100644 index 00000000..ca037cd2 Binary files /dev/null and b/flowers/valid/66/image_05559.jpg differ diff --git a/flowers/valid/66/image_05560.jpg b/flowers/valid/66/image_05560.jpg new file mode 100644 index 00000000..6fd6efb8 Binary files /dev/null and b/flowers/valid/66/image_05560.jpg differ diff --git a/flowers/valid/66/image_05563.jpg b/flowers/valid/66/image_05563.jpg new file mode 100644 index 00000000..f825dc3c Binary files /dev/null and b/flowers/valid/66/image_05563.jpg differ diff --git a/flowers/valid/66/image_05565.jpg b/flowers/valid/66/image_05565.jpg new file mode 100644 index 00000000..f0600882 Binary files /dev/null and b/flowers/valid/66/image_05565.jpg differ diff --git a/flowers/valid/66/image_05577.jpg b/flowers/valid/66/image_05577.jpg new file mode 100644 index 00000000..a19d3cea Binary files /dev/null and b/flowers/valid/66/image_05577.jpg differ diff --git a/flowers/valid/66/image_05579.jpg b/flowers/valid/66/image_05579.jpg new file mode 100644 index 00000000..c2086fe6 Binary files /dev/null and b/flowers/valid/66/image_05579.jpg differ diff --git a/flowers/valid/67/image_07075.jpg b/flowers/valid/67/image_07075.jpg new file mode 100644 index 00000000..e6b56e8e Binary files /dev/null and b/flowers/valid/67/image_07075.jpg differ diff --git a/flowers/valid/67/image_07083.jpg b/flowers/valid/67/image_07083.jpg new file mode 100644 index 00000000..1e7af08c Binary files /dev/null and b/flowers/valid/67/image_07083.jpg differ diff --git a/flowers/valid/68/image_05904.jpg b/flowers/valid/68/image_05904.jpg new file mode 100644 index 00000000..bc5fd75b Binary files /dev/null and b/flowers/valid/68/image_05904.jpg differ diff --git a/flowers/valid/68/image_05908.jpg b/flowers/valid/68/image_05908.jpg new file mode 100644 index 00000000..fc91f79f Binary files /dev/null and b/flowers/valid/68/image_05908.jpg differ diff --git a/flowers/valid/68/image_05915.jpg b/flowers/valid/68/image_05915.jpg new file mode 100644 index 00000000..2838a511 Binary files /dev/null and b/flowers/valid/68/image_05915.jpg differ diff --git a/flowers/valid/68/image_05916.jpg b/flowers/valid/68/image_05916.jpg new file mode 100644 index 00000000..5037670d Binary files /dev/null and b/flowers/valid/68/image_05916.jpg differ diff --git a/flowers/valid/68/image_05919.jpg b/flowers/valid/68/image_05919.jpg new file mode 100644 index 00000000..f430b7b7 Binary files /dev/null and b/flowers/valid/68/image_05919.jpg differ diff --git a/flowers/valid/68/image_05924.jpg b/flowers/valid/68/image_05924.jpg new file mode 100644 index 00000000..d8568d23 Binary files /dev/null and b/flowers/valid/68/image_05924.jpg differ diff --git a/flowers/valid/68/image_05926.jpg b/flowers/valid/68/image_05926.jpg new file mode 100644 index 00000000..755ea8d8 Binary files /dev/null and b/flowers/valid/68/image_05926.jpg differ diff --git a/flowers/valid/68/image_05932.jpg b/flowers/valid/68/image_05932.jpg new file mode 100644 index 00000000..3149e149 Binary files /dev/null and b/flowers/valid/68/image_05932.jpg differ diff --git a/flowers/valid/69/image_05958.jpg b/flowers/valid/69/image_05958.jpg new file mode 100644 index 00000000..a3fc86e1 Binary files /dev/null and b/flowers/valid/69/image_05958.jpg differ diff --git a/flowers/valid/69/image_05984.jpg b/flowers/valid/69/image_05984.jpg new file mode 100644 index 00000000..9b1e3d1c Binary files /dev/null and b/flowers/valid/69/image_05984.jpg differ diff --git a/flowers/valid/69/image_05992.jpg b/flowers/valid/69/image_05992.jpg new file mode 100644 index 00000000..9196719f Binary files /dev/null and b/flowers/valid/69/image_05992.jpg differ diff --git a/flowers/valid/69/image_05993.jpg b/flowers/valid/69/image_05993.jpg new file mode 100644 index 00000000..85bf383d Binary files /dev/null and b/flowers/valid/69/image_05993.jpg differ diff --git a/flowers/valid/69/image_06008.jpg b/flowers/valid/69/image_06008.jpg new file mode 100644 index 00000000..39f5cdc2 Binary files /dev/null and b/flowers/valid/69/image_06008.jpg differ diff --git a/flowers/valid/7/image_07216.jpg b/flowers/valid/7/image_07216.jpg new file mode 100644 index 00000000..b31b33c0 Binary files /dev/null and b/flowers/valid/7/image_07216.jpg differ diff --git a/flowers/valid/70/image_05280.jpg b/flowers/valid/70/image_05280.jpg new file mode 100644 index 00000000..c771da58 Binary files /dev/null and b/flowers/valid/70/image_05280.jpg differ diff --git a/flowers/valid/70/image_05284.jpg b/flowers/valid/70/image_05284.jpg new file mode 100644 index 00000000..c2b5eb75 Binary files /dev/null and b/flowers/valid/70/image_05284.jpg differ diff --git a/flowers/valid/70/image_05289.jpg b/flowers/valid/70/image_05289.jpg new file mode 100644 index 00000000..a8bf8c3e Binary files /dev/null and b/flowers/valid/70/image_05289.jpg differ diff --git a/flowers/valid/70/image_05296.jpg b/flowers/valid/70/image_05296.jpg new file mode 100644 index 00000000..9d8e836c Binary files /dev/null and b/flowers/valid/70/image_05296.jpg differ diff --git a/flowers/valid/70/image_05303.jpg b/flowers/valid/70/image_05303.jpg new file mode 100644 index 00000000..e8be2618 Binary files /dev/null and b/flowers/valid/70/image_05303.jpg differ diff --git a/flowers/valid/70/image_05321.jpg b/flowers/valid/70/image_05321.jpg new file mode 100644 index 00000000..379d00f9 Binary files /dev/null and b/flowers/valid/70/image_05321.jpg differ diff --git a/flowers/valid/70/image_05326.jpg b/flowers/valid/70/image_05326.jpg new file mode 100644 index 00000000..d968a1d1 Binary files /dev/null and b/flowers/valid/70/image_05326.jpg differ diff --git a/flowers/valid/71/image_04502.jpg b/flowers/valid/71/image_04502.jpg new file mode 100644 index 00000000..d942d6b0 Binary files /dev/null and b/flowers/valid/71/image_04502.jpg differ diff --git a/flowers/valid/71/image_04513.jpg b/flowers/valid/71/image_04513.jpg new file mode 100644 index 00000000..dbe818a2 Binary files /dev/null and b/flowers/valid/71/image_04513.jpg differ diff --git a/flowers/valid/71/image_04517.jpg b/flowers/valid/71/image_04517.jpg new file mode 100644 index 00000000..ba5c6216 Binary files /dev/null and b/flowers/valid/71/image_04517.jpg differ diff --git a/flowers/valid/71/image_04539.jpg b/flowers/valid/71/image_04539.jpg new file mode 100644 index 00000000..dad6db0a Binary files /dev/null and b/flowers/valid/71/image_04539.jpg differ diff --git a/flowers/valid/71/image_04554.jpg b/flowers/valid/71/image_04554.jpg new file mode 100644 index 00000000..ebbc3897 Binary files /dev/null and b/flowers/valid/71/image_04554.jpg differ diff --git a/flowers/valid/72/image_03559.jpg b/flowers/valid/72/image_03559.jpg new file mode 100644 index 00000000..12bbd378 Binary files /dev/null and b/flowers/valid/72/image_03559.jpg differ diff --git a/flowers/valid/72/image_03561.jpg b/flowers/valid/72/image_03561.jpg new file mode 100644 index 00000000..abcc8724 Binary files /dev/null and b/flowers/valid/72/image_03561.jpg differ diff --git a/flowers/valid/72/image_03565.jpg b/flowers/valid/72/image_03565.jpg new file mode 100644 index 00000000..b6ef0594 Binary files /dev/null and b/flowers/valid/72/image_03565.jpg differ diff --git a/flowers/valid/72/image_03568.jpg b/flowers/valid/72/image_03568.jpg new file mode 100644 index 00000000..83a4b69e Binary files /dev/null and b/flowers/valid/72/image_03568.jpg differ diff --git a/flowers/valid/72/image_03576.jpg b/flowers/valid/72/image_03576.jpg new file mode 100644 index 00000000..8b63868b Binary files /dev/null and b/flowers/valid/72/image_03576.jpg differ diff --git a/flowers/valid/72/image_03584.jpg b/flowers/valid/72/image_03584.jpg new file mode 100644 index 00000000..c5a9eaef Binary files /dev/null and b/flowers/valid/72/image_03584.jpg differ diff --git a/flowers/valid/72/image_03587.jpg b/flowers/valid/72/image_03587.jpg new file mode 100644 index 00000000..17c10586 Binary files /dev/null and b/flowers/valid/72/image_03587.jpg differ diff --git a/flowers/valid/72/image_03632.jpg b/flowers/valid/72/image_03632.jpg new file mode 100644 index 00000000..acb2940a Binary files /dev/null and b/flowers/valid/72/image_03632.jpg differ diff --git a/flowers/valid/73/image_00275.jpg b/flowers/valid/73/image_00275.jpg new file mode 100644 index 00000000..cd2e8b29 Binary files /dev/null and b/flowers/valid/73/image_00275.jpg differ diff --git a/flowers/valid/73/image_00280.jpg b/flowers/valid/73/image_00280.jpg new file mode 100644 index 00000000..b35ddd20 Binary files /dev/null and b/flowers/valid/73/image_00280.jpg differ diff --git a/flowers/valid/73/image_00295.jpg b/flowers/valid/73/image_00295.jpg new file mode 100644 index 00000000..79bdc83f Binary files /dev/null and b/flowers/valid/73/image_00295.jpg differ diff --git a/flowers/valid/73/image_00302.jpg b/flowers/valid/73/image_00302.jpg new file mode 100644 index 00000000..fe2f252e Binary files /dev/null and b/flowers/valid/73/image_00302.jpg differ diff --git a/flowers/valid/73/image_00329.jpg b/flowers/valid/73/image_00329.jpg new file mode 100644 index 00000000..3f50ebb0 Binary files /dev/null and b/flowers/valid/73/image_00329.jpg differ diff --git a/flowers/valid/73/image_00352.jpg b/flowers/valid/73/image_00352.jpg new file mode 100644 index 00000000..11260bf3 Binary files /dev/null and b/flowers/valid/73/image_00352.jpg differ diff --git a/flowers/valid/73/image_00354.jpg b/flowers/valid/73/image_00354.jpg new file mode 100644 index 00000000..ec9ca3e6 Binary files /dev/null and b/flowers/valid/73/image_00354.jpg differ diff --git a/flowers/valid/73/image_00356.jpg b/flowers/valid/73/image_00356.jpg new file mode 100644 index 00000000..638006fd Binary files /dev/null and b/flowers/valid/73/image_00356.jpg differ diff --git a/flowers/valid/73/image_00366.jpg b/flowers/valid/73/image_00366.jpg new file mode 100644 index 00000000..bf7c1c65 Binary files /dev/null and b/flowers/valid/73/image_00366.jpg differ diff --git a/flowers/valid/73/image_00378.jpg b/flowers/valid/73/image_00378.jpg new file mode 100644 index 00000000..07d80f78 Binary files /dev/null and b/flowers/valid/73/image_00378.jpg differ diff --git a/flowers/valid/73/image_00381.jpg b/flowers/valid/73/image_00381.jpg new file mode 100644 index 00000000..48db1ad6 Binary files /dev/null and b/flowers/valid/73/image_00381.jpg differ diff --git a/flowers/valid/73/image_00402.jpg b/flowers/valid/73/image_00402.jpg new file mode 100644 index 00000000..aa620ae2 Binary files /dev/null and b/flowers/valid/73/image_00402.jpg differ diff --git a/flowers/valid/73/image_00415.jpg b/flowers/valid/73/image_00415.jpg new file mode 100644 index 00000000..0fdce137 Binary files /dev/null and b/flowers/valid/73/image_00415.jpg differ diff --git a/flowers/valid/73/image_00421.jpg b/flowers/valid/73/image_00421.jpg new file mode 100644 index 00000000..97d8c0bf Binary files /dev/null and b/flowers/valid/73/image_00421.jpg differ diff --git a/flowers/valid/73/image_00424.jpg b/flowers/valid/73/image_00424.jpg new file mode 100644 index 00000000..185247f6 Binary files /dev/null and b/flowers/valid/73/image_00424.jpg differ diff --git a/flowers/valid/73/image_00432.jpg b/flowers/valid/73/image_00432.jpg new file mode 100644 index 00000000..f26882d3 Binary files /dev/null and b/flowers/valid/73/image_00432.jpg differ diff --git a/flowers/valid/73/image_00436.jpg b/flowers/valid/73/image_00436.jpg new file mode 100644 index 00000000..120dba9f Binary files /dev/null and b/flowers/valid/73/image_00436.jpg differ diff --git a/flowers/valid/73/image_00440.jpg b/flowers/valid/73/image_00440.jpg new file mode 100644 index 00000000..99af0eff Binary files /dev/null and b/flowers/valid/73/image_00440.jpg differ diff --git a/flowers/valid/73/image_00442.jpg b/flowers/valid/73/image_00442.jpg new file mode 100644 index 00000000..8cb6b0f6 Binary files /dev/null and b/flowers/valid/73/image_00442.jpg differ diff --git a/flowers/valid/74/image_01149.jpg b/flowers/valid/74/image_01149.jpg new file mode 100644 index 00000000..41667c9b Binary files /dev/null and b/flowers/valid/74/image_01149.jpg differ diff --git a/flowers/valid/74/image_01157.jpg b/flowers/valid/74/image_01157.jpg new file mode 100644 index 00000000..d5b68489 Binary files /dev/null and b/flowers/valid/74/image_01157.jpg differ diff --git a/flowers/valid/74/image_01175.jpg b/flowers/valid/74/image_01175.jpg new file mode 100644 index 00000000..7deb9a39 Binary files /dev/null and b/flowers/valid/74/image_01175.jpg differ diff --git a/flowers/valid/74/image_01190.jpg b/flowers/valid/74/image_01190.jpg new file mode 100644 index 00000000..20783083 Binary files /dev/null and b/flowers/valid/74/image_01190.jpg differ diff --git a/flowers/valid/74/image_01192.jpg b/flowers/valid/74/image_01192.jpg new file mode 100644 index 00000000..bc08ce53 Binary files /dev/null and b/flowers/valid/74/image_01192.jpg differ diff --git a/flowers/valid/74/image_01222.jpg b/flowers/valid/74/image_01222.jpg new file mode 100644 index 00000000..90edd364 Binary files /dev/null and b/flowers/valid/74/image_01222.jpg differ diff --git a/flowers/valid/74/image_01244.jpg b/flowers/valid/74/image_01244.jpg new file mode 100644 index 00000000..8460f00f Binary files /dev/null and b/flowers/valid/74/image_01244.jpg differ diff --git a/flowers/valid/74/image_01251.jpg b/flowers/valid/74/image_01251.jpg new file mode 100644 index 00000000..c6620f12 Binary files /dev/null and b/flowers/valid/74/image_01251.jpg differ diff --git a/flowers/valid/74/image_01260.jpg b/flowers/valid/74/image_01260.jpg new file mode 100644 index 00000000..fb586d37 Binary files /dev/null and b/flowers/valid/74/image_01260.jpg differ diff --git a/flowers/valid/74/image_01264.jpg b/flowers/valid/74/image_01264.jpg new file mode 100644 index 00000000..599ebd19 Binary files /dev/null and b/flowers/valid/74/image_01264.jpg differ diff --git a/flowers/valid/74/image_01266.jpg b/flowers/valid/74/image_01266.jpg new file mode 100644 index 00000000..aecdddfd Binary files /dev/null and b/flowers/valid/74/image_01266.jpg differ diff --git a/flowers/valid/74/image_01271.jpg b/flowers/valid/74/image_01271.jpg new file mode 100644 index 00000000..7f282c31 Binary files /dev/null and b/flowers/valid/74/image_01271.jpg differ diff --git a/flowers/valid/74/image_01288.jpg b/flowers/valid/74/image_01288.jpg new file mode 100644 index 00000000..d21e17ca Binary files /dev/null and b/flowers/valid/74/image_01288.jpg differ diff --git a/flowers/valid/74/image_01294.jpg b/flowers/valid/74/image_01294.jpg new file mode 100644 index 00000000..c416b83c Binary files /dev/null and b/flowers/valid/74/image_01294.jpg differ diff --git a/flowers/valid/74/image_01310.jpg b/flowers/valid/74/image_01310.jpg new file mode 100644 index 00000000..262d5c13 Binary files /dev/null and b/flowers/valid/74/image_01310.jpg differ diff --git a/flowers/valid/75/image_02074.jpg b/flowers/valid/75/image_02074.jpg new file mode 100644 index 00000000..a10b69ca Binary files /dev/null and b/flowers/valid/75/image_02074.jpg differ diff --git a/flowers/valid/75/image_02081.jpg b/flowers/valid/75/image_02081.jpg new file mode 100644 index 00000000..5c340616 Binary files /dev/null and b/flowers/valid/75/image_02081.jpg differ diff --git a/flowers/valid/75/image_02100.jpg b/flowers/valid/75/image_02100.jpg new file mode 100644 index 00000000..f7b4b4f8 Binary files /dev/null and b/flowers/valid/75/image_02100.jpg differ diff --git a/flowers/valid/75/image_02104.jpg b/flowers/valid/75/image_02104.jpg new file mode 100644 index 00000000..52510889 Binary files /dev/null and b/flowers/valid/75/image_02104.jpg differ diff --git a/flowers/valid/75/image_02130.jpg b/flowers/valid/75/image_02130.jpg new file mode 100644 index 00000000..39a092ea Binary files /dev/null and b/flowers/valid/75/image_02130.jpg differ diff --git a/flowers/valid/75/image_02133.jpg b/flowers/valid/75/image_02133.jpg new file mode 100644 index 00000000..b345eea8 Binary files /dev/null and b/flowers/valid/75/image_02133.jpg differ diff --git a/flowers/valid/75/image_02141.jpg b/flowers/valid/75/image_02141.jpg new file mode 100644 index 00000000..7475f70f Binary files /dev/null and b/flowers/valid/75/image_02141.jpg differ diff --git a/flowers/valid/75/image_02147.jpg b/flowers/valid/75/image_02147.jpg new file mode 100644 index 00000000..adc167eb Binary files /dev/null and b/flowers/valid/75/image_02147.jpg differ diff --git a/flowers/valid/75/image_02152.jpg b/flowers/valid/75/image_02152.jpg new file mode 100644 index 00000000..9410dd69 Binary files /dev/null and b/flowers/valid/75/image_02152.jpg differ diff --git a/flowers/valid/75/image_02155.jpg b/flowers/valid/75/image_02155.jpg new file mode 100644 index 00000000..795b9e49 Binary files /dev/null and b/flowers/valid/75/image_02155.jpg differ diff --git a/flowers/valid/75/image_02178.jpg b/flowers/valid/75/image_02178.jpg new file mode 100644 index 00000000..76cdabf2 Binary files /dev/null and b/flowers/valid/75/image_02178.jpg differ diff --git a/flowers/valid/75/image_02182.jpg b/flowers/valid/75/image_02182.jpg new file mode 100644 index 00000000..5d5667e8 Binary files /dev/null and b/flowers/valid/75/image_02182.jpg differ diff --git a/flowers/valid/76/image_02446.jpg b/flowers/valid/76/image_02446.jpg new file mode 100644 index 00000000..251f9983 Binary files /dev/null and b/flowers/valid/76/image_02446.jpg differ diff --git a/flowers/valid/76/image_02456.jpg b/flowers/valid/76/image_02456.jpg new file mode 100644 index 00000000..07553513 Binary files /dev/null and b/flowers/valid/76/image_02456.jpg differ diff --git a/flowers/valid/76/image_02457.jpg b/flowers/valid/76/image_02457.jpg new file mode 100644 index 00000000..96857d50 Binary files /dev/null and b/flowers/valid/76/image_02457.jpg differ diff --git a/flowers/valid/76/image_02458.jpg b/flowers/valid/76/image_02458.jpg new file mode 100644 index 00000000..73c479a3 Binary files /dev/null and b/flowers/valid/76/image_02458.jpg differ diff --git a/flowers/valid/76/image_02467.jpg b/flowers/valid/76/image_02467.jpg new file mode 100644 index 00000000..3425d9d8 Binary files /dev/null and b/flowers/valid/76/image_02467.jpg differ diff --git a/flowers/valid/76/image_02475.jpg b/flowers/valid/76/image_02475.jpg new file mode 100644 index 00000000..6ec630af Binary files /dev/null and b/flowers/valid/76/image_02475.jpg differ diff --git a/flowers/valid/76/image_02481.jpg b/flowers/valid/76/image_02481.jpg new file mode 100644 index 00000000..d7afc3db Binary files /dev/null and b/flowers/valid/76/image_02481.jpg differ diff --git a/flowers/valid/76/image_02485.jpg b/flowers/valid/76/image_02485.jpg new file mode 100644 index 00000000..e0fef583 Binary files /dev/null and b/flowers/valid/76/image_02485.jpg differ diff --git a/flowers/valid/76/image_02494.jpg b/flowers/valid/76/image_02494.jpg new file mode 100644 index 00000000..31ebff55 Binary files /dev/null and b/flowers/valid/76/image_02494.jpg differ diff --git a/flowers/valid/76/image_02496.jpg b/flowers/valid/76/image_02496.jpg new file mode 100644 index 00000000..bc764949 Binary files /dev/null and b/flowers/valid/76/image_02496.jpg differ diff --git a/flowers/valid/76/image_02501.jpg b/flowers/valid/76/image_02501.jpg new file mode 100644 index 00000000..1b37832c Binary files /dev/null and b/flowers/valid/76/image_02501.jpg differ diff --git a/flowers/valid/76/image_02504.jpg b/flowers/valid/76/image_02504.jpg new file mode 100644 index 00000000..4e1f4b0e Binary files /dev/null and b/flowers/valid/76/image_02504.jpg differ diff --git a/flowers/valid/76/image_02512.jpg b/flowers/valid/76/image_02512.jpg new file mode 100644 index 00000000..59f11982 Binary files /dev/null and b/flowers/valid/76/image_02512.jpg differ diff --git a/flowers/valid/76/image_02513.jpg b/flowers/valid/76/image_02513.jpg new file mode 100644 index 00000000..0402cd79 Binary files /dev/null and b/flowers/valid/76/image_02513.jpg differ diff --git a/flowers/valid/76/image_02514.jpg b/flowers/valid/76/image_02514.jpg new file mode 100644 index 00000000..2e001bd6 Binary files /dev/null and b/flowers/valid/76/image_02514.jpg differ diff --git a/flowers/valid/76/image_02523.jpg b/flowers/valid/76/image_02523.jpg new file mode 100644 index 00000000..d2316a95 Binary files /dev/null and b/flowers/valid/76/image_02523.jpg differ diff --git a/flowers/valid/76/image_02525.jpg b/flowers/valid/76/image_02525.jpg new file mode 100644 index 00000000..84460091 Binary files /dev/null and b/flowers/valid/76/image_02525.jpg differ diff --git a/flowers/valid/76/image_02529.jpg b/flowers/valid/76/image_02529.jpg new file mode 100644 index 00000000..f40d7dba Binary files /dev/null and b/flowers/valid/76/image_02529.jpg differ diff --git a/flowers/valid/76/image_02530.jpg b/flowers/valid/76/image_02530.jpg new file mode 100644 index 00000000..8967f9eb Binary files /dev/null and b/flowers/valid/76/image_02530.jpg differ diff --git a/flowers/valid/76/image_02537.jpg b/flowers/valid/76/image_02537.jpg new file mode 100644 index 00000000..5fe88dc7 Binary files /dev/null and b/flowers/valid/76/image_02537.jpg differ diff --git a/flowers/valid/77/image_00028.jpg b/flowers/valid/77/image_00028.jpg new file mode 100644 index 00000000..0019ee64 Binary files /dev/null and b/flowers/valid/77/image_00028.jpg differ diff --git a/flowers/valid/77/image_00059.jpg b/flowers/valid/77/image_00059.jpg new file mode 100644 index 00000000..c4f91fe3 Binary files /dev/null and b/flowers/valid/77/image_00059.jpg differ diff --git a/flowers/valid/77/image_00061.jpg b/flowers/valid/77/image_00061.jpg new file mode 100644 index 00000000..49d4b698 Binary files /dev/null and b/flowers/valid/77/image_00061.jpg differ diff --git a/flowers/valid/77/image_00063.jpg b/flowers/valid/77/image_00063.jpg new file mode 100644 index 00000000..6d24dd4d Binary files /dev/null and b/flowers/valid/77/image_00063.jpg differ diff --git a/flowers/valid/77/image_00071.jpg b/flowers/valid/77/image_00071.jpg new file mode 100644 index 00000000..4cb35db1 Binary files /dev/null and b/flowers/valid/77/image_00071.jpg differ diff --git a/flowers/valid/77/image_00072.jpg b/flowers/valid/77/image_00072.jpg new file mode 100644 index 00000000..2c7a9434 Binary files /dev/null and b/flowers/valid/77/image_00072.jpg differ diff --git a/flowers/valid/77/image_00078.jpg b/flowers/valid/77/image_00078.jpg new file mode 100644 index 00000000..25a74d0d Binary files /dev/null and b/flowers/valid/77/image_00078.jpg differ diff --git a/flowers/valid/77/image_00081.jpg b/flowers/valid/77/image_00081.jpg new file mode 100644 index 00000000..c79e2b26 Binary files /dev/null and b/flowers/valid/77/image_00081.jpg differ diff --git a/flowers/valid/77/image_00104.jpg b/flowers/valid/77/image_00104.jpg new file mode 100644 index 00000000..9deabb62 Binary files /dev/null and b/flowers/valid/77/image_00104.jpg differ diff --git a/flowers/valid/77/image_00112.jpg b/flowers/valid/77/image_00112.jpg new file mode 100644 index 00000000..71075dc4 Binary files /dev/null and b/flowers/valid/77/image_00112.jpg differ diff --git a/flowers/valid/77/image_00137.jpg b/flowers/valid/77/image_00137.jpg new file mode 100644 index 00000000..054a0c12 Binary files /dev/null and b/flowers/valid/77/image_00137.jpg differ diff --git a/flowers/valid/77/image_00143.jpg b/flowers/valid/77/image_00143.jpg new file mode 100644 index 00000000..9f825dba Binary files /dev/null and b/flowers/valid/77/image_00143.jpg differ diff --git a/flowers/valid/77/image_00160.jpg b/flowers/valid/77/image_00160.jpg new file mode 100644 index 00000000..a8e596b2 Binary files /dev/null and b/flowers/valid/77/image_00160.jpg differ diff --git a/flowers/valid/77/image_00174.jpg b/flowers/valid/77/image_00174.jpg new file mode 100644 index 00000000..6b4d3519 Binary files /dev/null and b/flowers/valid/77/image_00174.jpg differ diff --git a/flowers/valid/77/image_00178.jpg b/flowers/valid/77/image_00178.jpg new file mode 100644 index 00000000..5f4effc7 Binary files /dev/null and b/flowers/valid/77/image_00178.jpg differ diff --git a/flowers/valid/77/image_00188.jpg b/flowers/valid/77/image_00188.jpg new file mode 100644 index 00000000..c756e7b4 Binary files /dev/null and b/flowers/valid/77/image_00188.jpg differ diff --git a/flowers/valid/77/image_00200.jpg b/flowers/valid/77/image_00200.jpg new file mode 100644 index 00000000..5b887458 Binary files /dev/null and b/flowers/valid/77/image_00200.jpg differ diff --git a/flowers/valid/77/image_00218.jpg b/flowers/valid/77/image_00218.jpg new file mode 100644 index 00000000..8b3fc1cf Binary files /dev/null and b/flowers/valid/77/image_00218.jpg differ diff --git a/flowers/valid/77/image_00231.jpg b/flowers/valid/77/image_00231.jpg new file mode 100644 index 00000000..2f0ea1cb Binary files /dev/null and b/flowers/valid/77/image_00231.jpg differ diff --git a/flowers/valid/77/image_00245.jpg b/flowers/valid/77/image_00245.jpg new file mode 100644 index 00000000..9fd46dfc Binary files /dev/null and b/flowers/valid/77/image_00245.jpg differ diff --git a/flowers/valid/77/image_00246.jpg b/flowers/valid/77/image_00246.jpg new file mode 100644 index 00000000..a34e3dfc Binary files /dev/null and b/flowers/valid/77/image_00246.jpg differ diff --git a/flowers/valid/78/image_01844.jpg b/flowers/valid/78/image_01844.jpg new file mode 100644 index 00000000..fb429be0 Binary files /dev/null and b/flowers/valid/78/image_01844.jpg differ diff --git a/flowers/valid/78/image_01862.jpg b/flowers/valid/78/image_01862.jpg new file mode 100644 index 00000000..c05d64ca Binary files /dev/null and b/flowers/valid/78/image_01862.jpg differ diff --git a/flowers/valid/78/image_01894.jpg b/flowers/valid/78/image_01894.jpg new file mode 100644 index 00000000..a6bb6cd8 Binary files /dev/null and b/flowers/valid/78/image_01894.jpg differ diff --git a/flowers/valid/78/image_01910.jpg b/flowers/valid/78/image_01910.jpg new file mode 100644 index 00000000..dabf6508 Binary files /dev/null and b/flowers/valid/78/image_01910.jpg differ diff --git a/flowers/valid/78/image_01914.jpg b/flowers/valid/78/image_01914.jpg new file mode 100644 index 00000000..ca3dbad1 Binary files /dev/null and b/flowers/valid/78/image_01914.jpg differ diff --git a/flowers/valid/78/image_01922.jpg b/flowers/valid/78/image_01922.jpg new file mode 100644 index 00000000..abf1c7ee Binary files /dev/null and b/flowers/valid/78/image_01922.jpg differ diff --git a/flowers/valid/78/image_01929.jpg b/flowers/valid/78/image_01929.jpg new file mode 100644 index 00000000..9e543cf6 Binary files /dev/null and b/flowers/valid/78/image_01929.jpg differ diff --git a/flowers/valid/78/image_01937.jpg b/flowers/valid/78/image_01937.jpg new file mode 100644 index 00000000..f595078c Binary files /dev/null and b/flowers/valid/78/image_01937.jpg differ diff --git a/flowers/valid/78/image_01938.jpg b/flowers/valid/78/image_01938.jpg new file mode 100644 index 00000000..205861f9 Binary files /dev/null and b/flowers/valid/78/image_01938.jpg differ diff --git a/flowers/valid/78/image_01944.jpg b/flowers/valid/78/image_01944.jpg new file mode 100644 index 00000000..415e1b7b Binary files /dev/null and b/flowers/valid/78/image_01944.jpg differ diff --git a/flowers/valid/78/image_01962.jpg b/flowers/valid/78/image_01962.jpg new file mode 100644 index 00000000..b9b7bed5 Binary files /dev/null and b/flowers/valid/78/image_01962.jpg differ diff --git a/flowers/valid/79/image_06695.jpg b/flowers/valid/79/image_06695.jpg new file mode 100644 index 00000000..4c7f9a3e Binary files /dev/null and b/flowers/valid/79/image_06695.jpg differ diff --git a/flowers/valid/79/image_06707.jpg b/flowers/valid/79/image_06707.jpg new file mode 100644 index 00000000..90b4b225 Binary files /dev/null and b/flowers/valid/79/image_06707.jpg differ diff --git a/flowers/valid/79/image_06718.jpg b/flowers/valid/79/image_06718.jpg new file mode 100644 index 00000000..ed75d57e Binary files /dev/null and b/flowers/valid/79/image_06718.jpg differ diff --git a/flowers/valid/79/image_06728.jpg b/flowers/valid/79/image_06728.jpg new file mode 100644 index 00000000..119de481 Binary files /dev/null and b/flowers/valid/79/image_06728.jpg differ diff --git a/flowers/valid/8/image_03313.jpg b/flowers/valid/8/image_03313.jpg new file mode 100644 index 00000000..953dd0c5 Binary files /dev/null and b/flowers/valid/8/image_03313.jpg differ diff --git a/flowers/valid/8/image_03330.jpg b/flowers/valid/8/image_03330.jpg new file mode 100644 index 00000000..cf5f7e1c Binary files /dev/null and b/flowers/valid/8/image_03330.jpg differ diff --git a/flowers/valid/8/image_03342.jpg b/flowers/valid/8/image_03342.jpg new file mode 100644 index 00000000..f0659ae1 Binary files /dev/null and b/flowers/valid/8/image_03342.jpg differ diff --git a/flowers/valid/8/image_03349.jpg b/flowers/valid/8/image_03349.jpg new file mode 100644 index 00000000..94c1c14e Binary files /dev/null and b/flowers/valid/8/image_03349.jpg differ diff --git a/flowers/valid/8/image_03366.jpg b/flowers/valid/8/image_03366.jpg new file mode 100644 index 00000000..5513d4c2 Binary files /dev/null and b/flowers/valid/8/image_03366.jpg differ diff --git a/flowers/valid/80/image_01972.jpg b/flowers/valid/80/image_01972.jpg new file mode 100644 index 00000000..d478934d Binary files /dev/null and b/flowers/valid/80/image_01972.jpg differ diff --git a/flowers/valid/80/image_01975.jpg b/flowers/valid/80/image_01975.jpg new file mode 100644 index 00000000..3d155da8 Binary files /dev/null and b/flowers/valid/80/image_01975.jpg differ diff --git a/flowers/valid/80/image_01979.jpg b/flowers/valid/80/image_01979.jpg new file mode 100644 index 00000000..848c45fe Binary files /dev/null and b/flowers/valid/80/image_01979.jpg differ diff --git a/flowers/valid/80/image_01989.jpg b/flowers/valid/80/image_01989.jpg new file mode 100644 index 00000000..3b0a7bd1 Binary files /dev/null and b/flowers/valid/80/image_01989.jpg differ diff --git a/flowers/valid/80/image_01991.jpg b/flowers/valid/80/image_01991.jpg new file mode 100644 index 00000000..b598227d Binary files /dev/null and b/flowers/valid/80/image_01991.jpg differ diff --git a/flowers/valid/80/image_01992.jpg b/flowers/valid/80/image_01992.jpg new file mode 100644 index 00000000..8d71217a Binary files /dev/null and b/flowers/valid/80/image_01992.jpg differ diff --git a/flowers/valid/80/image_02005.jpg b/flowers/valid/80/image_02005.jpg new file mode 100644 index 00000000..a299d73d Binary files /dev/null and b/flowers/valid/80/image_02005.jpg differ diff --git a/flowers/valid/80/image_02011.jpg b/flowers/valid/80/image_02011.jpg new file mode 100644 index 00000000..208bed87 Binary files /dev/null and b/flowers/valid/80/image_02011.jpg differ diff --git a/flowers/valid/80/image_02017.jpg b/flowers/valid/80/image_02017.jpg new file mode 100644 index 00000000..d4974a8a Binary files /dev/null and b/flowers/valid/80/image_02017.jpg differ diff --git a/flowers/valid/80/image_02021.jpg b/flowers/valid/80/image_02021.jpg new file mode 100644 index 00000000..65c8a713 Binary files /dev/null and b/flowers/valid/80/image_02021.jpg differ diff --git a/flowers/valid/80/image_02042.jpg b/flowers/valid/80/image_02042.jpg new file mode 100644 index 00000000..be6c5418 Binary files /dev/null and b/flowers/valid/80/image_02042.jpg differ diff --git a/flowers/valid/80/image_02050.jpg b/flowers/valid/80/image_02050.jpg new file mode 100644 index 00000000..8ad4076a Binary files /dev/null and b/flowers/valid/80/image_02050.jpg differ diff --git a/flowers/valid/81/image_00784.jpg b/flowers/valid/81/image_00784.jpg new file mode 100644 index 00000000..6e29e347 Binary files /dev/null and b/flowers/valid/81/image_00784.jpg differ diff --git a/flowers/valid/81/image_00809.jpg b/flowers/valid/81/image_00809.jpg new file mode 100644 index 00000000..42ddc58d Binary files /dev/null and b/flowers/valid/81/image_00809.jpg differ diff --git a/flowers/valid/81/image_00820.jpg b/flowers/valid/81/image_00820.jpg new file mode 100644 index 00000000..b1807ad6 Binary files /dev/null and b/flowers/valid/81/image_00820.jpg differ diff --git a/flowers/valid/81/image_00848.jpg b/flowers/valid/81/image_00848.jpg new file mode 100644 index 00000000..2c0c072e Binary files /dev/null and b/flowers/valid/81/image_00848.jpg differ diff --git a/flowers/valid/81/image_00853.jpg b/flowers/valid/81/image_00853.jpg new file mode 100644 index 00000000..2a46f9d9 Binary files /dev/null and b/flowers/valid/81/image_00853.jpg differ diff --git a/flowers/valid/81/image_00859.jpg b/flowers/valid/81/image_00859.jpg new file mode 100644 index 00000000..361a023a Binary files /dev/null and b/flowers/valid/81/image_00859.jpg differ diff --git a/flowers/valid/81/image_00860.jpg b/flowers/valid/81/image_00860.jpg new file mode 100644 index 00000000..f79a484a Binary files /dev/null and b/flowers/valid/81/image_00860.jpg differ diff --git a/flowers/valid/81/image_00863.jpg b/flowers/valid/81/image_00863.jpg new file mode 100644 index 00000000..33ed3996 Binary files /dev/null and b/flowers/valid/81/image_00863.jpg differ diff --git a/flowers/valid/81/image_00892.jpg b/flowers/valid/81/image_00892.jpg new file mode 100644 index 00000000..ce69b222 Binary files /dev/null and b/flowers/valid/81/image_00892.jpg differ diff --git a/flowers/valid/81/image_00893.jpg b/flowers/valid/81/image_00893.jpg new file mode 100644 index 00000000..0f1920d3 Binary files /dev/null and b/flowers/valid/81/image_00893.jpg differ diff --git a/flowers/valid/81/image_00895.jpg b/flowers/valid/81/image_00895.jpg new file mode 100644 index 00000000..d5389133 Binary files /dev/null and b/flowers/valid/81/image_00895.jpg differ diff --git a/flowers/valid/81/image_00896.jpg b/flowers/valid/81/image_00896.jpg new file mode 100644 index 00000000..9efd7a6f Binary files /dev/null and b/flowers/valid/81/image_00896.jpg differ diff --git a/flowers/valid/81/image_00903.jpg b/flowers/valid/81/image_00903.jpg new file mode 100644 index 00000000..37083b81 Binary files /dev/null and b/flowers/valid/81/image_00903.jpg differ diff --git a/flowers/valid/81/image_00904.jpg b/flowers/valid/81/image_00904.jpg new file mode 100644 index 00000000..f74cdd15 Binary files /dev/null and b/flowers/valid/81/image_00904.jpg differ diff --git a/flowers/valid/81/image_00909.jpg b/flowers/valid/81/image_00909.jpg new file mode 100644 index 00000000..97a956f7 Binary files /dev/null and b/flowers/valid/81/image_00909.jpg differ diff --git a/flowers/valid/81/image_00914.jpg b/flowers/valid/81/image_00914.jpg new file mode 100644 index 00000000..ca3ffa91 Binary files /dev/null and b/flowers/valid/81/image_00914.jpg differ diff --git a/flowers/valid/81/image_00919.jpg b/flowers/valid/81/image_00919.jpg new file mode 100644 index 00000000..b7addcfd Binary files /dev/null and b/flowers/valid/81/image_00919.jpg differ diff --git a/flowers/valid/81/image_00920.jpg b/flowers/valid/81/image_00920.jpg new file mode 100644 index 00000000..165964fe Binary files /dev/null and b/flowers/valid/81/image_00920.jpg differ diff --git a/flowers/valid/82/image_01592.jpg b/flowers/valid/82/image_01592.jpg new file mode 100644 index 00000000..1306d180 Binary files /dev/null and b/flowers/valid/82/image_01592.jpg differ diff --git a/flowers/valid/82/image_01596.jpg b/flowers/valid/82/image_01596.jpg new file mode 100644 index 00000000..8c2a25ce Binary files /dev/null and b/flowers/valid/82/image_01596.jpg differ diff --git a/flowers/valid/82/image_01625.jpg b/flowers/valid/82/image_01625.jpg new file mode 100644 index 00000000..ec6469ce Binary files /dev/null and b/flowers/valid/82/image_01625.jpg differ diff --git a/flowers/valid/82/image_01640.jpg b/flowers/valid/82/image_01640.jpg new file mode 100644 index 00000000..488e4a35 Binary files /dev/null and b/flowers/valid/82/image_01640.jpg differ diff --git a/flowers/valid/82/image_01643.jpg b/flowers/valid/82/image_01643.jpg new file mode 100644 index 00000000..fc699420 Binary files /dev/null and b/flowers/valid/82/image_01643.jpg differ diff --git a/flowers/valid/82/image_01649.jpg b/flowers/valid/82/image_01649.jpg new file mode 100644 index 00000000..96c64ec5 Binary files /dev/null and b/flowers/valid/82/image_01649.jpg differ diff --git a/flowers/valid/82/image_01658.jpg b/flowers/valid/82/image_01658.jpg new file mode 100644 index 00000000..26e93836 Binary files /dev/null and b/flowers/valid/82/image_01658.jpg differ diff --git a/flowers/valid/82/image_01659.jpg b/flowers/valid/82/image_01659.jpg new file mode 100644 index 00000000..761ced5b Binary files /dev/null and b/flowers/valid/82/image_01659.jpg differ diff --git a/flowers/valid/82/image_01671.jpg b/flowers/valid/82/image_01671.jpg new file mode 100644 index 00000000..14578571 Binary files /dev/null and b/flowers/valid/82/image_01671.jpg differ diff --git a/flowers/valid/82/image_01683.jpg b/flowers/valid/82/image_01683.jpg new file mode 100644 index 00000000..8238b62b Binary files /dev/null and b/flowers/valid/82/image_01683.jpg differ diff --git a/flowers/valid/82/image_01690.jpg b/flowers/valid/82/image_01690.jpg new file mode 100644 index 00000000..74575108 Binary files /dev/null and b/flowers/valid/82/image_01690.jpg differ diff --git a/flowers/valid/82/image_01691.jpg b/flowers/valid/82/image_01691.jpg new file mode 100644 index 00000000..5c403e42 Binary files /dev/null and b/flowers/valid/82/image_01691.jpg differ diff --git a/flowers/valid/82/image_01693.jpg b/flowers/valid/82/image_01693.jpg new file mode 100644 index 00000000..391d6de5 Binary files /dev/null and b/flowers/valid/82/image_01693.jpg differ diff --git a/flowers/valid/83/image_01697.jpg b/flowers/valid/83/image_01697.jpg new file mode 100644 index 00000000..4f3f617c Binary files /dev/null and b/flowers/valid/83/image_01697.jpg differ diff --git a/flowers/valid/83/image_01701.jpg b/flowers/valid/83/image_01701.jpg new file mode 100644 index 00000000..963376a3 Binary files /dev/null and b/flowers/valid/83/image_01701.jpg differ diff --git a/flowers/valid/83/image_01703.jpg b/flowers/valid/83/image_01703.jpg new file mode 100644 index 00000000..2e754162 Binary files /dev/null and b/flowers/valid/83/image_01703.jpg differ diff --git a/flowers/valid/83/image_01712.jpg b/flowers/valid/83/image_01712.jpg new file mode 100644 index 00000000..37f2da62 Binary files /dev/null and b/flowers/valid/83/image_01712.jpg differ diff --git a/flowers/valid/83/image_01739.jpg b/flowers/valid/83/image_01739.jpg new file mode 100644 index 00000000..01732a2f Binary files /dev/null and b/flowers/valid/83/image_01739.jpg differ diff --git a/flowers/valid/83/image_01747.jpg b/flowers/valid/83/image_01747.jpg new file mode 100644 index 00000000..c7b3269e Binary files /dev/null and b/flowers/valid/83/image_01747.jpg differ diff --git a/flowers/valid/83/image_01765.jpg b/flowers/valid/83/image_01765.jpg new file mode 100644 index 00000000..61c12dad Binary files /dev/null and b/flowers/valid/83/image_01765.jpg differ diff --git a/flowers/valid/83/image_01766.jpg b/flowers/valid/83/image_01766.jpg new file mode 100644 index 00000000..1f09f698 Binary files /dev/null and b/flowers/valid/83/image_01766.jpg differ diff --git a/flowers/valid/83/image_01769.jpg b/flowers/valid/83/image_01769.jpg new file mode 100644 index 00000000..52ef0985 Binary files /dev/null and b/flowers/valid/83/image_01769.jpg differ diff --git a/flowers/valid/83/image_01780.jpg b/flowers/valid/83/image_01780.jpg new file mode 100644 index 00000000..bfc323d0 Binary files /dev/null and b/flowers/valid/83/image_01780.jpg differ diff --git a/flowers/valid/83/image_01787.jpg b/flowers/valid/83/image_01787.jpg new file mode 100644 index 00000000..a7cc0c34 Binary files /dev/null and b/flowers/valid/83/image_01787.jpg differ diff --git a/flowers/valid/83/image_01811.jpg b/flowers/valid/83/image_01811.jpg new file mode 100644 index 00000000..6d42d359 Binary files /dev/null and b/flowers/valid/83/image_01811.jpg differ diff --git a/flowers/valid/83/image_01817.jpg b/flowers/valid/83/image_01817.jpg new file mode 100644 index 00000000..429b9160 Binary files /dev/null and b/flowers/valid/83/image_01817.jpg differ diff --git a/flowers/valid/84/image_02567.jpg b/flowers/valid/84/image_02567.jpg new file mode 100644 index 00000000..bcf446be Binary files /dev/null and b/flowers/valid/84/image_02567.jpg differ diff --git a/flowers/valid/84/image_02574.jpg b/flowers/valid/84/image_02574.jpg new file mode 100644 index 00000000..703acde1 Binary files /dev/null and b/flowers/valid/84/image_02574.jpg differ diff --git a/flowers/valid/84/image_02582.jpg b/flowers/valid/84/image_02582.jpg new file mode 100644 index 00000000..0a66543d Binary files /dev/null and b/flowers/valid/84/image_02582.jpg differ diff --git a/flowers/valid/84/image_02591.jpg b/flowers/valid/84/image_02591.jpg new file mode 100644 index 00000000..ecf4b2b0 Binary files /dev/null and b/flowers/valid/84/image_02591.jpg differ diff --git a/flowers/valid/84/image_02598.jpg b/flowers/valid/84/image_02598.jpg new file mode 100644 index 00000000..bc279968 Binary files /dev/null and b/flowers/valid/84/image_02598.jpg differ diff --git a/flowers/valid/84/image_02604.jpg b/flowers/valid/84/image_02604.jpg new file mode 100644 index 00000000..fc13b2c8 Binary files /dev/null and b/flowers/valid/84/image_02604.jpg differ diff --git a/flowers/valid/84/image_02610.jpg b/flowers/valid/84/image_02610.jpg new file mode 100644 index 00000000..c5a39be0 Binary files /dev/null and b/flowers/valid/84/image_02610.jpg differ diff --git a/flowers/valid/84/image_02621.jpg b/flowers/valid/84/image_02621.jpg new file mode 100644 index 00000000..f6be43e1 Binary files /dev/null and b/flowers/valid/84/image_02621.jpg differ diff --git a/flowers/valid/84/image_02635.jpg b/flowers/valid/84/image_02635.jpg new file mode 100644 index 00000000..3db57124 Binary files /dev/null and b/flowers/valid/84/image_02635.jpg differ diff --git a/flowers/valid/84/image_02637.jpg b/flowers/valid/84/image_02637.jpg new file mode 100644 index 00000000..066ec01a Binary files /dev/null and b/flowers/valid/84/image_02637.jpg differ diff --git a/flowers/valid/85/image_04799.jpg b/flowers/valid/85/image_04799.jpg new file mode 100644 index 00000000..1e8172e3 Binary files /dev/null and b/flowers/valid/85/image_04799.jpg differ diff --git a/flowers/valid/85/image_04804.jpg b/flowers/valid/85/image_04804.jpg new file mode 100644 index 00000000..990934d9 Binary files /dev/null and b/flowers/valid/85/image_04804.jpg differ diff --git a/flowers/valid/85/image_04809.jpg b/flowers/valid/85/image_04809.jpg new file mode 100644 index 00000000..a6f5c06a Binary files /dev/null and b/flowers/valid/85/image_04809.jpg differ diff --git a/flowers/valid/85/image_04817.jpg b/flowers/valid/85/image_04817.jpg new file mode 100644 index 00000000..568d27a2 Binary files /dev/null and b/flowers/valid/85/image_04817.jpg differ diff --git a/flowers/valid/85/image_04818.jpg b/flowers/valid/85/image_04818.jpg new file mode 100644 index 00000000..ede1696d Binary files /dev/null and b/flowers/valid/85/image_04818.jpg differ diff --git a/flowers/valid/86/image_02887.jpg b/flowers/valid/86/image_02887.jpg new file mode 100644 index 00000000..66b7269f Binary files /dev/null and b/flowers/valid/86/image_02887.jpg differ diff --git a/flowers/valid/86/image_02891.jpg b/flowers/valid/86/image_02891.jpg new file mode 100644 index 00000000..bd9b75f7 Binary files /dev/null and b/flowers/valid/86/image_02891.jpg differ diff --git a/flowers/valid/86/image_02901.jpg b/flowers/valid/86/image_02901.jpg new file mode 100644 index 00000000..f6fb837d Binary files /dev/null and b/flowers/valid/86/image_02901.jpg differ diff --git a/flowers/valid/86/image_02906.jpg b/flowers/valid/86/image_02906.jpg new file mode 100644 index 00000000..a03d796d Binary files /dev/null and b/flowers/valid/86/image_02906.jpg differ diff --git a/flowers/valid/86/image_02909.jpg b/flowers/valid/86/image_02909.jpg new file mode 100644 index 00000000..681ba26b Binary files /dev/null and b/flowers/valid/86/image_02909.jpg differ diff --git a/flowers/valid/87/image_05484.jpg b/flowers/valid/87/image_05484.jpg new file mode 100644 index 00000000..75eda04e Binary files /dev/null and b/flowers/valid/87/image_05484.jpg differ diff --git a/flowers/valid/87/image_05487.jpg b/flowers/valid/87/image_05487.jpg new file mode 100644 index 00000000..636f9239 Binary files /dev/null and b/flowers/valid/87/image_05487.jpg differ diff --git a/flowers/valid/87/image_05502.jpg b/flowers/valid/87/image_05502.jpg new file mode 100644 index 00000000..88575856 Binary files /dev/null and b/flowers/valid/87/image_05502.jpg differ diff --git a/flowers/valid/87/image_05507.jpg b/flowers/valid/87/image_05507.jpg new file mode 100644 index 00000000..38f2824e Binary files /dev/null and b/flowers/valid/87/image_05507.jpg differ diff --git a/flowers/valid/87/image_05508.jpg b/flowers/valid/87/image_05508.jpg new file mode 100644 index 00000000..a17b6920 Binary files /dev/null and b/flowers/valid/87/image_05508.jpg differ diff --git a/flowers/valid/87/image_05520.jpg b/flowers/valid/87/image_05520.jpg new file mode 100644 index 00000000..b1f5b755 Binary files /dev/null and b/flowers/valid/87/image_05520.jpg differ diff --git a/flowers/valid/88/image_00459.jpg b/flowers/valid/88/image_00459.jpg new file mode 100644 index 00000000..428da75a Binary files /dev/null and b/flowers/valid/88/image_00459.jpg differ diff --git a/flowers/valid/88/image_00461.jpg b/flowers/valid/88/image_00461.jpg new file mode 100644 index 00000000..7411088a Binary files /dev/null and b/flowers/valid/88/image_00461.jpg differ diff --git a/flowers/valid/88/image_00489.jpg b/flowers/valid/88/image_00489.jpg new file mode 100644 index 00000000..1e4cf521 Binary files /dev/null and b/flowers/valid/88/image_00489.jpg differ diff --git a/flowers/valid/88/image_00502.jpg b/flowers/valid/88/image_00502.jpg new file mode 100644 index 00000000..389d9506 Binary files /dev/null and b/flowers/valid/88/image_00502.jpg differ diff --git a/flowers/valid/88/image_00508.jpg b/flowers/valid/88/image_00508.jpg new file mode 100644 index 00000000..4ea6db54 Binary files /dev/null and b/flowers/valid/88/image_00508.jpg differ diff --git a/flowers/valid/88/image_00509.jpg b/flowers/valid/88/image_00509.jpg new file mode 100644 index 00000000..cc987c14 Binary files /dev/null and b/flowers/valid/88/image_00509.jpg differ diff --git a/flowers/valid/88/image_00512.jpg b/flowers/valid/88/image_00512.jpg new file mode 100644 index 00000000..de9cb608 Binary files /dev/null and b/flowers/valid/88/image_00512.jpg differ diff --git a/flowers/valid/88/image_00516.jpg b/flowers/valid/88/image_00516.jpg new file mode 100644 index 00000000..3464b5a3 Binary files /dev/null and b/flowers/valid/88/image_00516.jpg differ diff --git a/flowers/valid/88/image_00518.jpg b/flowers/valid/88/image_00518.jpg new file mode 100644 index 00000000..51c45230 Binary files /dev/null and b/flowers/valid/88/image_00518.jpg differ diff --git a/flowers/valid/88/image_00531.jpg b/flowers/valid/88/image_00531.jpg new file mode 100644 index 00000000..4b50bfd5 Binary files /dev/null and b/flowers/valid/88/image_00531.jpg differ diff --git a/flowers/valid/88/image_00533.jpg b/flowers/valid/88/image_00533.jpg new file mode 100644 index 00000000..505029d3 Binary files /dev/null and b/flowers/valid/88/image_00533.jpg differ diff --git a/flowers/valid/88/image_00539.jpg b/flowers/valid/88/image_00539.jpg new file mode 100644 index 00000000..9401a627 Binary files /dev/null and b/flowers/valid/88/image_00539.jpg differ diff --git a/flowers/valid/88/image_00542.jpg b/flowers/valid/88/image_00542.jpg new file mode 100644 index 00000000..ae96ea83 Binary files /dev/null and b/flowers/valid/88/image_00542.jpg differ diff --git a/flowers/valid/88/image_00544.jpg b/flowers/valid/88/image_00544.jpg new file mode 100644 index 00000000..2df64066 Binary files /dev/null and b/flowers/valid/88/image_00544.jpg differ diff --git a/flowers/valid/88/image_00545.jpg b/flowers/valid/88/image_00545.jpg new file mode 100644 index 00000000..524bedc6 Binary files /dev/null and b/flowers/valid/88/image_00545.jpg differ diff --git a/flowers/valid/88/image_00546.jpg b/flowers/valid/88/image_00546.jpg new file mode 100644 index 00000000..ab455beb Binary files /dev/null and b/flowers/valid/88/image_00546.jpg differ diff --git a/flowers/valid/88/image_00547.jpg b/flowers/valid/88/image_00547.jpg new file mode 100644 index 00000000..30fa2f53 Binary files /dev/null and b/flowers/valid/88/image_00547.jpg differ diff --git a/flowers/valid/88/image_00554.jpg b/flowers/valid/88/image_00554.jpg new file mode 100644 index 00000000..cf3ffb91 Binary files /dev/null and b/flowers/valid/88/image_00554.jpg differ diff --git a/flowers/valid/88/image_00556.jpg b/flowers/valid/88/image_00556.jpg new file mode 100644 index 00000000..c1ba53f6 Binary files /dev/null and b/flowers/valid/88/image_00556.jpg differ diff --git a/flowers/valid/88/image_00574.jpg b/flowers/valid/88/image_00574.jpg new file mode 100644 index 00000000..d47cf239 Binary files /dev/null and b/flowers/valid/88/image_00574.jpg differ diff --git a/flowers/valid/88/image_00577.jpg b/flowers/valid/88/image_00577.jpg new file mode 100644 index 00000000..f7ab460b Binary files /dev/null and b/flowers/valid/88/image_00577.jpg differ diff --git a/flowers/valid/88/image_00585.jpg b/flowers/valid/88/image_00585.jpg new file mode 100644 index 00000000..2a859f30 Binary files /dev/null and b/flowers/valid/88/image_00585.jpg differ diff --git a/flowers/valid/88/image_00593.jpg b/flowers/valid/88/image_00593.jpg new file mode 100644 index 00000000..1649d3d9 Binary files /dev/null and b/flowers/valid/88/image_00593.jpg differ diff --git a/flowers/valid/88/image_00595.jpg b/flowers/valid/88/image_00595.jpg new file mode 100644 index 00000000..a49be60a Binary files /dev/null and b/flowers/valid/88/image_00595.jpg differ diff --git a/flowers/valid/88/image_00597.jpg b/flowers/valid/88/image_00597.jpg new file mode 100644 index 00000000..bcf53251 Binary files /dev/null and b/flowers/valid/88/image_00597.jpg differ diff --git a/flowers/valid/89/image_00623.jpg b/flowers/valid/89/image_00623.jpg new file mode 100644 index 00000000..6970b138 Binary files /dev/null and b/flowers/valid/89/image_00623.jpg differ diff --git a/flowers/valid/89/image_00624.jpg b/flowers/valid/89/image_00624.jpg new file mode 100644 index 00000000..6a3164ac Binary files /dev/null and b/flowers/valid/89/image_00624.jpg differ diff --git a/flowers/valid/89/image_00627.jpg b/flowers/valid/89/image_00627.jpg new file mode 100644 index 00000000..224c040a Binary files /dev/null and b/flowers/valid/89/image_00627.jpg differ diff --git a/flowers/valid/89/image_00640.jpg b/flowers/valid/89/image_00640.jpg new file mode 100644 index 00000000..57def188 Binary files /dev/null and b/flowers/valid/89/image_00640.jpg differ diff --git a/flowers/valid/89/image_00652.jpg b/flowers/valid/89/image_00652.jpg new file mode 100644 index 00000000..3064a35e Binary files /dev/null and b/flowers/valid/89/image_00652.jpg differ diff --git a/flowers/valid/89/image_00691.jpg b/flowers/valid/89/image_00691.jpg new file mode 100644 index 00000000..7f5da788 Binary files /dev/null and b/flowers/valid/89/image_00691.jpg differ diff --git a/flowers/valid/89/image_00692.jpg b/flowers/valid/89/image_00692.jpg new file mode 100644 index 00000000..0fb2f5d8 Binary files /dev/null and b/flowers/valid/89/image_00692.jpg differ diff --git a/flowers/valid/89/image_00696.jpg b/flowers/valid/89/image_00696.jpg new file mode 100644 index 00000000..df9453ca Binary files /dev/null and b/flowers/valid/89/image_00696.jpg differ diff --git a/flowers/valid/89/image_00730.jpg b/flowers/valid/89/image_00730.jpg new file mode 100644 index 00000000..40630ca3 Binary files /dev/null and b/flowers/valid/89/image_00730.jpg differ diff --git a/flowers/valid/89/image_00741.jpg b/flowers/valid/89/image_00741.jpg new file mode 100644 index 00000000..110abf79 Binary files /dev/null and b/flowers/valid/89/image_00741.jpg differ diff --git a/flowers/valid/89/image_00746.jpg b/flowers/valid/89/image_00746.jpg new file mode 100644 index 00000000..e8365af4 Binary files /dev/null and b/flowers/valid/89/image_00746.jpg differ diff --git a/flowers/valid/89/image_00749.jpg b/flowers/valid/89/image_00749.jpg new file mode 100644 index 00000000..a65ebfbe Binary files /dev/null and b/flowers/valid/89/image_00749.jpg differ diff --git a/flowers/valid/89/image_00752.jpg b/flowers/valid/89/image_00752.jpg new file mode 100644 index 00000000..8d5f36db Binary files /dev/null and b/flowers/valid/89/image_00752.jpg differ diff --git a/flowers/valid/89/image_00759.jpg b/flowers/valid/89/image_00759.jpg new file mode 100644 index 00000000..576a15da Binary files /dev/null and b/flowers/valid/89/image_00759.jpg differ diff --git a/flowers/valid/89/image_00763.jpg b/flowers/valid/89/image_00763.jpg new file mode 100644 index 00000000..1ed21cd5 Binary files /dev/null and b/flowers/valid/89/image_00763.jpg differ diff --git a/flowers/valid/89/image_00764.jpg b/flowers/valid/89/image_00764.jpg new file mode 100644 index 00000000..7e6a7e9d Binary files /dev/null and b/flowers/valid/89/image_00764.jpg differ diff --git a/flowers/valid/9/image_06398.jpg b/flowers/valid/9/image_06398.jpg new file mode 100644 index 00000000..dff477ec Binary files /dev/null and b/flowers/valid/9/image_06398.jpg differ diff --git a/flowers/valid/9/image_06414.jpg b/flowers/valid/9/image_06414.jpg new file mode 100644 index 00000000..bbcb63a3 Binary files /dev/null and b/flowers/valid/9/image_06414.jpg differ diff --git a/flowers/valid/9/image_06420.jpg b/flowers/valid/9/image_06420.jpg new file mode 100644 index 00000000..4f5b8d20 Binary files /dev/null and b/flowers/valid/9/image_06420.jpg differ diff --git a/flowers/valid/90/image_04402.jpg b/flowers/valid/90/image_04402.jpg new file mode 100644 index 00000000..b15df0f7 Binary files /dev/null and b/flowers/valid/90/image_04402.jpg differ diff --git a/flowers/valid/90/image_04403.jpg b/flowers/valid/90/image_04403.jpg new file mode 100644 index 00000000..43282e23 Binary files /dev/null and b/flowers/valid/90/image_04403.jpg differ diff --git a/flowers/valid/91/image_04829.jpg b/flowers/valid/91/image_04829.jpg new file mode 100644 index 00000000..3472fbba Binary files /dev/null and b/flowers/valid/91/image_04829.jpg differ diff --git a/flowers/valid/91/image_04835.jpg b/flowers/valid/91/image_04835.jpg new file mode 100644 index 00000000..39408a81 Binary files /dev/null and b/flowers/valid/91/image_04835.jpg differ diff --git a/flowers/valid/91/image_04843.jpg b/flowers/valid/91/image_04843.jpg new file mode 100644 index 00000000..e817cc63 Binary files /dev/null and b/flowers/valid/91/image_04843.jpg differ diff --git a/flowers/valid/91/image_04844.jpg b/flowers/valid/91/image_04844.jpg new file mode 100644 index 00000000..49e841d5 Binary files /dev/null and b/flowers/valid/91/image_04844.jpg differ diff --git a/flowers/valid/91/image_04848.jpg b/flowers/valid/91/image_04848.jpg new file mode 100644 index 00000000..d4cf6c5b Binary files /dev/null and b/flowers/valid/91/image_04848.jpg differ diff --git a/flowers/valid/91/image_04854.jpg b/flowers/valid/91/image_04854.jpg new file mode 100644 index 00000000..a68662a5 Binary files /dev/null and b/flowers/valid/91/image_04854.jpg differ diff --git a/flowers/valid/91/image_04872.jpg b/flowers/valid/91/image_04872.jpg new file mode 100644 index 00000000..ec3bd16f Binary files /dev/null and b/flowers/valid/91/image_04872.jpg differ diff --git a/flowers/valid/91/image_04878.jpg b/flowers/valid/91/image_04878.jpg new file mode 100644 index 00000000..898db2a7 Binary files /dev/null and b/flowers/valid/91/image_04878.jpg differ diff --git a/flowers/valid/91/image_08059.jpg b/flowers/valid/91/image_08059.jpg new file mode 100644 index 00000000..d71f496b Binary files /dev/null and b/flowers/valid/91/image_08059.jpg differ diff --git a/flowers/valid/92/image_03063.jpg b/flowers/valid/92/image_03063.jpg new file mode 100644 index 00000000..ff7035a9 Binary files /dev/null and b/flowers/valid/92/image_03063.jpg differ diff --git a/flowers/valid/92/image_03065.jpg b/flowers/valid/92/image_03065.jpg new file mode 100644 index 00000000..ae601d29 Binary files /dev/null and b/flowers/valid/92/image_03065.jpg differ diff --git a/flowers/valid/93/image_06024.jpg b/flowers/valid/93/image_06024.jpg new file mode 100644 index 00000000..00647a6d Binary files /dev/null and b/flowers/valid/93/image_06024.jpg differ diff --git a/flowers/valid/93/image_06044.jpg b/flowers/valid/93/image_06044.jpg new file mode 100644 index 00000000..e2b3ce8c Binary files /dev/null and b/flowers/valid/93/image_06044.jpg differ diff --git a/flowers/valid/93/image_06048.jpg b/flowers/valid/93/image_06048.jpg new file mode 100644 index 00000000..ab75a7b5 Binary files /dev/null and b/flowers/valid/93/image_06048.jpg differ diff --git a/flowers/valid/93/image_07302.jpg b/flowers/valid/93/image_07302.jpg new file mode 100644 index 00000000..bf6380ea Binary files /dev/null and b/flowers/valid/93/image_07302.jpg differ diff --git a/flowers/valid/93/image_07303.jpg b/flowers/valid/93/image_07303.jpg new file mode 100644 index 00000000..3f2ebc97 Binary files /dev/null and b/flowers/valid/93/image_07303.jpg differ diff --git a/flowers/valid/93/image_08113.jpg b/flowers/valid/93/image_08113.jpg new file mode 100644 index 00000000..ab8a1285 Binary files /dev/null and b/flowers/valid/93/image_08113.jpg differ diff --git a/flowers/valid/94/image_07317.jpg b/flowers/valid/94/image_07317.jpg new file mode 100644 index 00000000..840df702 Binary files /dev/null and b/flowers/valid/94/image_07317.jpg differ diff --git a/flowers/valid/94/image_07325.jpg b/flowers/valid/94/image_07325.jpg new file mode 100644 index 00000000..5789953e Binary files /dev/null and b/flowers/valid/94/image_07325.jpg differ diff --git a/flowers/valid/94/image_07360.jpg b/flowers/valid/94/image_07360.jpg new file mode 100644 index 00000000..ffc4314e Binary files /dev/null and b/flowers/valid/94/image_07360.jpg differ diff --git a/flowers/valid/94/image_07372.jpg b/flowers/valid/94/image_07372.jpg new file mode 100644 index 00000000..3fb0f96a Binary files /dev/null and b/flowers/valid/94/image_07372.jpg differ diff --git a/flowers/valid/94/image_07381.jpg b/flowers/valid/94/image_07381.jpg new file mode 100644 index 00000000..3a9c2cd3 Binary files /dev/null and b/flowers/valid/94/image_07381.jpg differ diff --git a/flowers/valid/94/image_07382.jpg b/flowers/valid/94/image_07382.jpg new file mode 100644 index 00000000..bd1546d0 Binary files /dev/null and b/flowers/valid/94/image_07382.jpg differ diff --git a/flowers/valid/94/image_07385.jpg b/flowers/valid/94/image_07385.jpg new file mode 100644 index 00000000..b55da65d Binary files /dev/null and b/flowers/valid/94/image_07385.jpg differ diff --git a/flowers/valid/94/image_07392.jpg b/flowers/valid/94/image_07392.jpg new file mode 100644 index 00000000..9181d3e5 Binary files /dev/null and b/flowers/valid/94/image_07392.jpg differ diff --git a/flowers/valid/94/image_07393.jpg b/flowers/valid/94/image_07393.jpg new file mode 100644 index 00000000..64892749 Binary files /dev/null and b/flowers/valid/94/image_07393.jpg differ diff --git a/flowers/valid/94/image_07408.jpg b/flowers/valid/94/image_07408.jpg new file mode 100644 index 00000000..aeec66b6 Binary files /dev/null and b/flowers/valid/94/image_07408.jpg differ diff --git a/flowers/valid/94/image_07418.jpg b/flowers/valid/94/image_07418.jpg new file mode 100644 index 00000000..d286f6b0 Binary files /dev/null and b/flowers/valid/94/image_07418.jpg differ diff --git a/flowers/valid/94/image_07428.jpg b/flowers/valid/94/image_07428.jpg new file mode 100644 index 00000000..50014bad Binary files /dev/null and b/flowers/valid/94/image_07428.jpg differ diff --git a/flowers/valid/94/image_07435.jpg b/flowers/valid/94/image_07435.jpg new file mode 100644 index 00000000..8b6e6a41 Binary files /dev/null and b/flowers/valid/94/image_07435.jpg differ diff --git a/flowers/valid/94/image_07449.jpg b/flowers/valid/94/image_07449.jpg new file mode 100644 index 00000000..abcc8af9 Binary files /dev/null and b/flowers/valid/94/image_07449.jpg differ diff --git a/flowers/valid/95/image_07471.jpg b/flowers/valid/95/image_07471.jpg new file mode 100644 index 00000000..4dd952cc Binary files /dev/null and b/flowers/valid/95/image_07471.jpg differ diff --git a/flowers/valid/95/image_07475.jpg b/flowers/valid/95/image_07475.jpg new file mode 100644 index 00000000..06c7e6f4 Binary files /dev/null and b/flowers/valid/95/image_07475.jpg differ diff --git a/flowers/valid/95/image_07484.jpg b/flowers/valid/95/image_07484.jpg new file mode 100644 index 00000000..80779556 Binary files /dev/null and b/flowers/valid/95/image_07484.jpg differ diff --git a/flowers/valid/95/image_07485.jpg b/flowers/valid/95/image_07485.jpg new file mode 100644 index 00000000..2958b6ac Binary files /dev/null and b/flowers/valid/95/image_07485.jpg differ diff --git a/flowers/valid/95/image_07502.jpg b/flowers/valid/95/image_07502.jpg new file mode 100644 index 00000000..a61b462a Binary files /dev/null and b/flowers/valid/95/image_07502.jpg differ diff --git a/flowers/valid/95/image_07510.jpg b/flowers/valid/95/image_07510.jpg new file mode 100644 index 00000000..cef1eaf2 Binary files /dev/null and b/flowers/valid/95/image_07510.jpg differ diff --git a/flowers/valid/95/image_07512.jpg b/flowers/valid/95/image_07512.jpg new file mode 100644 index 00000000..75da12da Binary files /dev/null and b/flowers/valid/95/image_07512.jpg differ diff --git a/flowers/valid/95/image_07513.jpg b/flowers/valid/95/image_07513.jpg new file mode 100644 index 00000000..8d391fa3 Binary files /dev/null and b/flowers/valid/95/image_07513.jpg differ diff --git a/flowers/valid/95/image_07575.jpg b/flowers/valid/95/image_07575.jpg new file mode 100644 index 00000000..2328fcca Binary files /dev/null and b/flowers/valid/95/image_07575.jpg differ diff --git a/flowers/valid/95/image_07580.jpg b/flowers/valid/95/image_07580.jpg new file mode 100644 index 00000000..fefec8cc Binary files /dev/null and b/flowers/valid/95/image_07580.jpg differ diff --git a/flowers/valid/95/image_07581.jpg b/flowers/valid/95/image_07581.jpg new file mode 100644 index 00000000..92548932 Binary files /dev/null and b/flowers/valid/95/image_07581.jpg differ diff --git a/flowers/valid/95/image_07585.jpg b/flowers/valid/95/image_07585.jpg new file mode 100644 index 00000000..f09ad68b Binary files /dev/null and b/flowers/valid/95/image_07585.jpg differ diff --git a/flowers/valid/95/image_07588.jpg b/flowers/valid/95/image_07588.jpg new file mode 100644 index 00000000..62ad7af2 Binary files /dev/null and b/flowers/valid/95/image_07588.jpg differ diff --git a/flowers/valid/96/image_07605.jpg b/flowers/valid/96/image_07605.jpg new file mode 100644 index 00000000..c056932f Binary files /dev/null and b/flowers/valid/96/image_07605.jpg differ diff --git a/flowers/valid/96/image_07609.jpg b/flowers/valid/96/image_07609.jpg new file mode 100644 index 00000000..c2812e11 Binary files /dev/null and b/flowers/valid/96/image_07609.jpg differ diff --git a/flowers/valid/96/image_07613.jpg b/flowers/valid/96/image_07613.jpg new file mode 100644 index 00000000..860e7ee0 Binary files /dev/null and b/flowers/valid/96/image_07613.jpg differ diff --git a/flowers/valid/96/image_07653.jpg b/flowers/valid/96/image_07653.jpg new file mode 100644 index 00000000..302bb30c Binary files /dev/null and b/flowers/valid/96/image_07653.jpg differ diff --git a/flowers/valid/96/image_07656.jpg b/flowers/valid/96/image_07656.jpg new file mode 100644 index 00000000..cf637c95 Binary files /dev/null and b/flowers/valid/96/image_07656.jpg differ diff --git a/flowers/valid/96/image_07658.jpg b/flowers/valid/96/image_07658.jpg new file mode 100644 index 00000000..7ea63552 Binary files /dev/null and b/flowers/valid/96/image_07658.jpg differ diff --git a/flowers/valid/96/image_07662.jpg b/flowers/valid/96/image_07662.jpg new file mode 100644 index 00000000..a1bbd28f Binary files /dev/null and b/flowers/valid/96/image_07662.jpg differ diff --git a/flowers/valid/96/image_07669.jpg b/flowers/valid/96/image_07669.jpg new file mode 100644 index 00000000..9bd9fad2 Binary files /dev/null and b/flowers/valid/96/image_07669.jpg differ diff --git a/flowers/valid/96/image_07670.jpg b/flowers/valid/96/image_07670.jpg new file mode 100644 index 00000000..c759a7be Binary files /dev/null and b/flowers/valid/96/image_07670.jpg differ diff --git a/flowers/valid/96/image_07677.jpg b/flowers/valid/96/image_07677.jpg new file mode 100644 index 00000000..6e538fca Binary files /dev/null and b/flowers/valid/96/image_07677.jpg differ diff --git a/flowers/valid/97/image_07697.jpg b/flowers/valid/97/image_07697.jpg new file mode 100644 index 00000000..b4dcd038 Binary files /dev/null and b/flowers/valid/97/image_07697.jpg differ diff --git a/flowers/valid/97/image_07699.jpg b/flowers/valid/97/image_07699.jpg new file mode 100644 index 00000000..209fb484 Binary files /dev/null and b/flowers/valid/97/image_07699.jpg differ diff --git a/flowers/valid/97/image_07718.jpg b/flowers/valid/97/image_07718.jpg new file mode 100644 index 00000000..31d9dc16 Binary files /dev/null and b/flowers/valid/97/image_07718.jpg differ diff --git a/flowers/valid/97/image_07723.jpg b/flowers/valid/97/image_07723.jpg new file mode 100644 index 00000000..01a56a86 Binary files /dev/null and b/flowers/valid/97/image_07723.jpg differ diff --git a/flowers/valid/97/image_07727.jpg b/flowers/valid/97/image_07727.jpg new file mode 100644 index 00000000..5f051e3a Binary files /dev/null and b/flowers/valid/97/image_07727.jpg differ diff --git a/flowers/valid/97/image_07739.jpg b/flowers/valid/97/image_07739.jpg new file mode 100644 index 00000000..8a20c862 Binary files /dev/null and b/flowers/valid/97/image_07739.jpg differ diff --git a/flowers/valid/97/image_07745.jpg b/flowers/valid/97/image_07745.jpg new file mode 100644 index 00000000..0d69b187 Binary files /dev/null and b/flowers/valid/97/image_07745.jpg differ diff --git a/flowers/valid/98/image_07757.jpg b/flowers/valid/98/image_07757.jpg new file mode 100644 index 00000000..240baa81 Binary files /dev/null and b/flowers/valid/98/image_07757.jpg differ diff --git a/flowers/valid/98/image_07764.jpg b/flowers/valid/98/image_07764.jpg new file mode 100644 index 00000000..9c91ba66 Binary files /dev/null and b/flowers/valid/98/image_07764.jpg differ diff --git a/flowers/valid/98/image_07766.jpg b/flowers/valid/98/image_07766.jpg new file mode 100644 index 00000000..bf7537d2 Binary files /dev/null and b/flowers/valid/98/image_07766.jpg differ diff --git a/flowers/valid/98/image_07769.jpg b/flowers/valid/98/image_07769.jpg new file mode 100644 index 00000000..6716b1f5 Binary files /dev/null and b/flowers/valid/98/image_07769.jpg differ diff --git a/flowers/valid/98/image_07778.jpg b/flowers/valid/98/image_07778.jpg new file mode 100644 index 00000000..ba572eda Binary files /dev/null and b/flowers/valid/98/image_07778.jpg differ diff --git a/flowers/valid/98/image_07792.jpg b/flowers/valid/98/image_07792.jpg new file mode 100644 index 00000000..a9b714cd Binary files /dev/null and b/flowers/valid/98/image_07792.jpg differ diff --git a/flowers/valid/98/image_07796.jpg b/flowers/valid/98/image_07796.jpg new file mode 100644 index 00000000..2d41d247 Binary files /dev/null and b/flowers/valid/98/image_07796.jpg differ diff --git a/flowers/valid/98/image_07810.jpg b/flowers/valid/98/image_07810.jpg new file mode 100644 index 00000000..89beca1c Binary files /dev/null and b/flowers/valid/98/image_07810.jpg differ diff --git a/flowers/valid/98/image_07820.jpg b/flowers/valid/98/image_07820.jpg new file mode 100644 index 00000000..49e7081e Binary files /dev/null and b/flowers/valid/98/image_07820.jpg differ diff --git a/flowers/valid/98/image_07827.jpg b/flowers/valid/98/image_07827.jpg new file mode 100644 index 00000000..b16e573a Binary files /dev/null and b/flowers/valid/98/image_07827.jpg differ diff --git a/flowers/valid/99/image_07860.jpg b/flowers/valid/99/image_07860.jpg new file mode 100644 index 00000000..d15553a7 Binary files /dev/null and b/flowers/valid/99/image_07860.jpg differ diff --git a/flowers/valid/99/image_07862.jpg b/flowers/valid/99/image_07862.jpg new file mode 100644 index 00000000..bf50ad9f Binary files /dev/null and b/flowers/valid/99/image_07862.jpg differ diff --git a/flowers/valid/99/image_07869.jpg b/flowers/valid/99/image_07869.jpg new file mode 100644 index 00000000..372e637b Binary files /dev/null and b/flowers/valid/99/image_07869.jpg differ diff --git a/flowers/valid/99/image_07873.jpg b/flowers/valid/99/image_07873.jpg new file mode 100644 index 00000000..26628b83 Binary files /dev/null and b/flowers/valid/99/image_07873.jpg differ diff --git a/flowers/valid/99/image_07875.jpg b/flowers/valid/99/image_07875.jpg new file mode 100644 index 00000000..5b4194e1 Binary files /dev/null and b/flowers/valid/99/image_07875.jpg differ diff --git a/flowers/valid/99/image_08063.jpg b/flowers/valid/99/image_08063.jpg new file mode 100644 index 00000000..1bbcc473 Binary files /dev/null and b/flowers/valid/99/image_08063.jpg differ diff --git a/model_checkpoints/.gitignore b/model_checkpoints/.gitignore new file mode 100644 index 00000000..c96a04f0 --- /dev/null +++ b/model_checkpoints/.gitignore @@ -0,0 +1,2 @@ +* +!.gitignore \ No newline at end of file diff --git a/model_utils.py b/model_utils.py new file mode 100644 index 00000000..6aa03c55 --- /dev/null +++ b/model_utils.py @@ -0,0 +1,237 @@ +import torch +from torch import nn, optim +from torchvision import models +import json + +import numpy as np + +from PIL import Image, ImageFile + +import data_loaders + +import pathlib + + +def get_cat_to_name(): + with open('cat_to_name.json', 'r') as f: + cat_to_name = json.load(f) + + return cat_to_name + + +def train_model(arch, learning_rate, data_dir, hidden_units, epochs, save_dir=None, gpu=True): + ''' + Trains a model given the provided hyperparameters + :param arch: + :return: trained model + ''' + + device = get_device(gpu) + + if save_dir is not None and not pathlib.Path(save_dir).exists(): + raise FileNotFoundError(f'Save directory {save_dir} not found.') + + if arch not in models.list_models(): + raise RuntimeError(f'No such model {arch}. Available models: {models.list_models()}') + + data = data_loaders.get_data_loaders(data_dir) + + dataloaders = data['data_loaders'] + datasets = data['datasets'] + + + model = models.get_model(arch, weights=models.get_model_weights(arch)) + + for param in model.parameters(): + param.requires_grad = False + + classifier = get_classifier(hidden_units) + + model.classifier = classifier + criterion = nn.NLLLoss() + optimizer = optim.Adam(model.classifier.parameters(), lr=learning_rate) + model.to(device) + + steps = 0 + running_loss = 0 + print_every = 5 + + for epoch in range(epochs): + for inputs, labels in dataloaders['train']: + steps += 1 + + inputs, labels = inputs.to(device), labels.to(device) + + optimizer.zero_grad() + + logps = model.forward(inputs) + loss = criterion(logps, labels) + loss.backward() + optimizer.step() + + running_loss += loss.item() + + if steps % print_every == 0: + test_loss = 0 + accuracy = 0 + model.eval() + with torch.no_grad(): + for inputs, labels in dataloaders['test']: + inputs, labels = inputs.to(device), labels.to(device) + logps = model.forward(inputs) + batch_loss = criterion(logps, labels) + + test_loss += batch_loss.item() + + # Calculate accuracy + ps = torch.exp(logps) + top_p, top_class = ps.topk(1, dim=1) + equals = top_class == labels.view(*top_class.shape) + accuracy += torch.mean(equals.type(torch.FloatTensor)).item() + + print(f"Epoch {epoch + 1}/{epochs}.. " + f"Train loss: {running_loss / print_every:.3f}.. " + f"Test loss: {test_loss / len(dataloaders['test']):.3f}.. " + f"Test accuracy: {accuracy / len(dataloaders['test']):.3f}") + running_loss = 0 + model.train() + + model.arch = arch + model.hidden_units = hidden_units + model.optimizer = optimizer + model.epochs = epochs + model.gpu = gpu + model.class_to_idx = datasets['train'].class_to_idx + + if save_dir is not None: + save_model(model, save_dir) + + return model + + +def get_classifier(hidden_units): + cat_to_name = get_cat_to_name() + classifier = nn.Sequential(nn.Linear(1024, hidden_units), + nn.ReLU(), + nn.Dropout(0.2), + nn.Linear(hidden_units, len(cat_to_name)), + nn.LogSoftmax(dim=1)) + return classifier + + +def get_device(gpu): + if gpu and torch.cuda.is_available(): + device = 'cuda' + else: + if gpu: + print(f'Using cpu since cuda is not available') + + device = 'cpu' + + return device + + +def save_model(model, save_dir): + if not pathlib.Path(save_dir).exists(): + raise FileNotFoundError(f'Save directory {save_dir} not found.') + + checkpoint = { + 'arch': model.arch, + 'hidden_units': model.hidden_units, + 'model_state_dict': model.state_dict(), + 'optimizer_state_dict': model.optimizer.state_dict(), + 'epochs': model.epochs, + 'gpu': model.gpu, + 'class_to_idx': model.class_to_idx + } + + torch.save(checkpoint, f'{save_dir}/checkpoint.pth') + + +def load_model(checkpoint_path): + if not pathlib.Path(checkpoint_path).exists(): + raise FileNotFoundError(f'Save directory {checkpoint_path} not found.') + + checkpoint = torch.load(checkpoint_path) + + device = get_device(checkpoint['gpu']) + + model = models.get_model(checkpoint['arch'], weights=models.get_model_weights(checkpoint['arch'])) + model.classifier = get_classifier(checkpoint['hidden_units']) + model.load_state_dict(checkpoint['model_state_dict']) + model.optimizer = optim.Adam(model.classifier.parameters(), lr=0.003) + model.optimizer.load_state_dict(checkpoint['optimizer_state_dict']) + + model.arch = checkpoint['arch'] + model.hidden_units = checkpoint['hidden_units'] + model.epochs = checkpoint['epochs'] + model.gpu = checkpoint['gpu'] + model.class_to_idx = checkpoint['class_to_idx'] + + model.to(device) + model.eval() + + return model + + +def predict(model, path_to_image, gpu, top_k): + ''' Predict the class (or classes) of an image using a trained deep learning model. + ''' + if not pathlib.Path(path_to_image).exists(): + raise FileNotFoundError(f'Image {path_to_image} not found') + + cat_to_name = get_cat_to_name() + + device = get_device(gpu) + + model.eval() + + image = process_image(path_to_image).to(device=device).float().unsqueeze(0) + + with torch.no_grad(): + ps = torch.exp(model.forward(image)) + + probs, classes = ps.topk(top_k, dim=1) + + idx_to_class = {v: k for k, v in model.class_to_idx.items()} + + top_labels = [cat_to_name[idx_to_class[idx]] for idx in classes.cpu().numpy().tolist()[0]] + probabilities = probs.cpu().numpy()[0] * 100 + + print(f'Flower name: {top_labels[0]} with a probability of {probabilities[0]}') + print(f'Top {top_k} most likely classes: ', dict(zip(top_labels, probabilities))) + + + +def crop_center(img, size=(224, 224)): + width, height = img.size + left = (width - size[0]) / 2 + top = (height - size[1]) / 2 + right = (width + size[0]) / 2 + bottom = (height + size[1]) / 2 + + cropped_img = img.crop((left, top, right, bottom)) + + return cropped_img + + +def process_image(image): + ''' Scales, crops, and normalizes a PIL image for a PyTorch model, + returns an Numpy array + ''' + with Image.open(image) as pil_image: + pil_image.thumbnail((256, 256)) + + pil_image = crop_center(pil_image) + + np_image = np.array(pil_image) + np_image = np_image / 255 + + means = np.array([0.485, 0.456, 0.406]) + deviations = np.array([0.229, 0.224, 0.225]) + + np_image = (np_image - means) / deviations + + np_image = np_image.transpose((2, 0, 1)) + + return torch.tensor(np_image) diff --git a/predict.py b/predict.py index e69de29b..9d5f23f3 100644 --- a/predict.py +++ b/predict.py @@ -0,0 +1,59 @@ +import argparse +import model_utils + + +def main(): + parser = argparse.ArgumentParser( + description='Use this script to predict an image class using a saved model', + add_help=True + ) + + parser.add_argument( + '--top_k', + default=3, + action='store', + type=int, + help="Top K most likely classes" + ) + + parser.add_argument( + '--category_names', + default='cat_to_name.json', + action='store', + type=str, + help="Path to a JSON file containing the mapping between numeric category and class names" + ) + + parser.add_argument( + '--gpu', + default=True, + action='store_true', + help="If passed, will use the GPU" + ) + + parser.add_argument( + 'path_to_image', + action='store', + type=str, + help="Path to an image for which to predict class" + ) + + parser.add_argument( + 'checkpoint', + action='store', + type=str, + help="Path to a checkpoint file containing a trained model" + ) + + results = parser.parse_args() + + model_utils.predict( + model=model_utils.load_model(results.checkpoint), + path_to_image=results.path_to_image, + gpu=results.gpu, + top_k=results.top_k + ) + + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/train.py b/train.py index e69de29b..963ee471 100644 --- a/train.py +++ b/train.py @@ -0,0 +1,79 @@ +import argparse +import model_utils + + +def main(): + parser = argparse.ArgumentParser( + description='Use this script to train a model used for classifying flowers', + add_help=True + ) + + parser.add_argument( + '--save_dir', + default='./model_checkpoints', + action='store', + type=str, + help="Directory path for saving checkpoints" + ) + + parser.add_argument( + '--arch', + action='store', + default='densenet121', + type=str, + help="The architecture for the pretrained network on top of which to train classifier" + ) + + parser.add_argument( + '--learning_rate', + action='store', + default=0.003, + type=float, + help="The learning rate for backpropagation" + ) + + parser.add_argument( + '--hidden_units', + default=256, + action='store', + type=int, + help="The hidden units of the classifier" + ) + + parser.add_argument( + '--epochs', + default=2, + action='store', + type=int, + help="How many epochs should the classifier iterate" + ) + + parser.add_argument( + '--gpu', + default=True, + action='store_true', + help="If passed, will use the GPU" + ) + + parser.add_argument( + 'data_dir', + action='store', + type=str, + help="Data directory path" + ) + + results = parser.parse_args() + + model_utils.train_model( + arch=results.arch, + data_dir=results.data_dir, + save_dir=results.save_dir, + learning_rate=results.learning_rate, + hidden_units=results.hidden_units, + epochs=results.epochs, + gpu=results.gpu + ) + + +if __name__ == '__main__': + main()